diff --git a/.github/workflows/benchmark.yml b/.github/workflows/benchmark.yml index 4ac3497..dfccbe4 100644 --- a/.github/workflows/benchmark.yml +++ b/.github/workflows/benchmark.yml @@ -42,9 +42,7 @@ jobs: - name: Commit Results run: | - git config --local user.email "github-actions[bot]@users.noreply.github.com" - git config --local user.name "github-actions[bot]" - git add benchmark/results/* + git add benchmark/results git commit -m "Upload benchmark result" - name: Push diff --git a/.github/workflows/charts.yml b/.github/workflows/charts.yml new file mode 100644 index 0000000..844859b --- /dev/null +++ b/.github/workflows/charts.yml @@ -0,0 +1,39 @@ +name: Charts + +on: + workflow_run: + workflows: [Benchmark] + types: [completed] + workflow_dispatch: + +jobs: + gen_charts: + name: Gen Benchmark Charts + runs-on: ubuntu-latest + permissions: + contents: write + steps: + - name: Checkout + uses: actions/checkout@v4 + + - name: Setup Python + uses: actions/setup-python@v5 + with: + python-version: 3.12 + + - name: Install Dependencies + run: pip install -r benchmark/requirements.txt + + - name: Gen Charts + run: python benchmark/gen_charts.py + working-directory: benchmark + + - name: Commit Results + run: | + git add benchmark/charts + git commit -m "Upload benchmark charts" + + - name: Push + uses: ad-m/github-push-action@master + with: + github_token: ${{ secrets.GITHUB_TOKEN }} diff --git a/README.md b/README.md index 4f786b6..bd7040e 100644 --- a/README.md +++ b/README.md @@ -10,6 +10,7 @@ [![Tests](https://github.com/shBLOCK/spatium/actions/workflows/tests.yml/badge.svg)](https://github.com/shBLOCK/spatium/actions/workflows/tests.yml) [![Release](https://github.com/shBLOCK/spatium/actions/workflows/release.yml/badge.svg)](https://github.com/shBLOCK/spatium/actions/workflows/release.yml) [![Benchmark](https://github.com/shBLOCK/spatium/actions/workflows/benchmark.yml/badge.svg)](https://github.com/shBLOCK/spatium/actions/workflows/benchmark.yml) +[![Charts](https://github.com/shBLOCK/spatium/actions/workflows/charts.yml/badge.svg)](https://github.com/shBLOCK/spatium/actions/workflows/charts.yml) ## ⚙️Main features - Fast Pure Cython Implementation @@ -32,7 +33,7 @@ Please refer to the [wiki](https://github.com/shBLOCK/spatium/wiki) for more details ## 📈Benchmark -[![Benchmark Results](https://github.com/shBLOCK/spatium/raw/master/benchmark/chart.png)](https://github.com/shBLOCK/spatium/tree/master/benchmark/chart.png) +[![Benchmark Results](https://github.com/shBLOCK/spatium/raw/master/benchmark/charts/latest.svg)](https://github.com/shBLOCK/spatium/tree/master/benchmark/charts) ## 🔧Implementation details - **Codegen!** diff --git a/benchmark/_old_benchmark.py b/benchmark/_old_benchmark.py deleted file mode 100644 index 94f09f4..0000000 --- a/benchmark/_old_benchmark.py +++ /dev/null @@ -1,300 +0,0 @@ -import sys -import timeit -import enum -from collections import OrderedDict -from numerize.numerize import numerize - -# Get rid of pygame import message -import pygame -print() - -class Subject(enum.Enum): - PurePython = "Pure Python", "tab:blue", "from pure_python_impl import Vec3" - Pygame = "Pygame", "tab:green", "from pygame import Vector3" - Numpy = "Numpy", "tab:orange", "import numpy as np; array = np.array" - Spatium = "Spatium", "tab:purple", "from spatium import Vec3" - - def __init__(self, label: str, color: str, setup: str): - self.label = label - self.color = color - self.setup = setup - - -BASELINE = Subject.PurePython -RUNS_TO_GET_MIN_TIME = 30 -STMT_BATCH_SIZE = 10000 - -class TestCase: - def __init__(self, subject: Subject, setup: str, stmt: str, number = None): - self.subject = subject - self.setup = setup - self.stmt = stmt - self.number = number - self._times = [] - - @property - def time(self) -> float: - return min(self._times) - - @property - def per_sec(self) -> float: - return self.number / self.time - - @property - def per_sec_text(self) -> str: - return numerize(self.per_sec, 1) - - def run(self): - self._times.append(timeit.timeit( - stmt=(self.stmt+"\n") * STMT_BATCH_SIZE, - setup=self.subject.setup + "\n" + self.setup, - number=self.number // STMT_BATCH_SIZE - )) - -benchmarks: OrderedDict[str, tuple[TestCase]] = OrderedDict() - -def benchmark(name: str, number: int, *cases: TestCase): - print(f"##### {name} #####") - for case in cases: - case.number = case.number or number - for _ in range(RUNS_TO_GET_MIN_TIME): - for case in cases: - case.run() - print(".", end="") - print("\b"*RUNS_TO_GET_MIN_TIME, end="") - - benchmarks[name] = cases - for case in cases: - print(f"{case.subject.name}: {numerize(case.number, 0)} in {case.time:.3f}s - {case.per_sec_text}/s") - - print() - - -def main(): - benchmark( - "Instantiation", - 3_000_000, - TestCase(Subject.PurePython, "", "Vec3(1.0, 2.0, 3.0)"), - TestCase(Subject.Pygame, "", "Vector3(1.0, 2.0, 3.0)"), - TestCase(Subject.Numpy, "tp = (1.0, 2.0, 3.0)", "array(tp)"), - TestCase(Subject.Spatium, "", "Vec3(1.0, 2.0, 3.0)") - ) - - iab123_py = "a = Vec3(1, 2, 3); b = Vec3(3, 2, 1)" - iab123_pg = "a = Vector3(1, 2, 3); b = Vector3(3, 2, 1)" - iab123_np = "a = array((1.0, 2.0, 3.0)); b = array((3.0, 2.0, 1.0))" - iab123_sp = "a = Vec3(1, 2, 3); b = a.zyx" - - benchmark( - "Copy", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "+a"), - TestCase(Subject.Pygame, iab123_pg, "a.copy()"), - TestCase(Subject.Numpy, iab123_np, "a.copy()"), - TestCase(Subject.Spatium, iab123_sp, "+a") - ) - - benchmark( - "Addition", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a + b"), - TestCase(Subject.Pygame, iab123_pg, "a + b"), - TestCase(Subject.Numpy, iab123_np, "a + b"), - TestCase(Subject.Spatium, iab123_sp, "a + b") - ) - - benchmark( - "Inplace Addition", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a += b"), - TestCase(Subject.Pygame, iab123_pg, "a += b"), - TestCase(Subject.Numpy, iab123_np, "a += b"), - TestCase(Subject.Spatium, iab123_sp, "a += b") - ) - - benchmark( - "Dot Product", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a @ b"), - TestCase(Subject.Pygame, iab123_pg, "a.dot(b)"), - TestCase(Subject.Numpy, iab123_np, "a.dot(b)"), - TestCase(Subject.Spatium, iab123_sp, "a @ b") - ) - - benchmark( - "Cross Product", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a ^ b"), - TestCase(Subject.Pygame, iab123_pg, "a.cross(b)"), - TestCase(Subject.Numpy, iab123_np + "; cross = np.cross", "cross(a, b)", number=30_000), - TestCase(Subject.Spatium, iab123_sp, "a ^ b") - ) - - benchmark( - "Equality", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a == b"), - TestCase(Subject.Pygame, iab123_pg, "a == b"), - TestCase(Subject.Numpy, iab123_np, "a == b"), - TestCase(Subject.Spatium, iab123_sp, "a == b") - ) - - benchmark( - "Iteration", - 2_000_000, - TestCase(Subject.PurePython, iab123_py, "tuple(a)"), - TestCase(Subject.Pygame, iab123_pg, "tuple(a)"), - TestCase(Subject.Numpy, iab123_np, "tuple(a)"), - TestCase(Subject.Spatium, iab123_sp, "tuple(a)") - ) - - benchmark( - "Length", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a.length"), - TestCase(Subject.Pygame, iab123_pg, "a.length()"), - TestCase(Subject.Spatium, iab123_sp, "a.length") - ) - - benchmark( - "Normalize", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a.normalized"), - TestCase(Subject.Pygame, iab123_pg, "a.normalize()"), - TestCase(Subject.Numpy, iab123_np + "; norm = np.linalg.norm", "norm(a)"), - TestCase(Subject.Spatium, iab123_sp, "a.normalized") - ) - - benchmark( - "Get Item", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a[1]"), - TestCase(Subject.Pygame, iab123_pg, "a[1]"), - TestCase(Subject.Numpy, iab123_np, "a[1]"), - TestCase(Subject.Spatium, iab123_sp, "a[1]") - ) - - benchmark( - "Set Item", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a[1] = 4"), - TestCase(Subject.Pygame, iab123_pg, "a[1] = 4"), - TestCase(Subject.Numpy, iab123_np, "a[1] = 4"), - TestCase(Subject.Spatium, iab123_sp, "a[1] = 4") - ) - - benchmark( - "Swizzle Get", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a.zxy"), - TestCase(Subject.Pygame, iab123_pg, "a.zxy"), - TestCase(Subject.Spatium, iab123_sp, "a.zxy") - ) - - benchmark( - "Swizzle Set", - 3_000_000, - TestCase(Subject.PurePython, iab123_py, "a.zxy = b"), - TestCase(Subject.Pygame, iab123_pg, "a.zxy = b"), - TestCase(Subject.Spatium, iab123_sp, "a.zxy = b") - ) - - gen_plot() - - -def gen_plot(): - import matplotlib.pyplot as plt - fig, ax = plt.subplots( - figsize=(12, 4), - layout="constrained" - ) - ax.set_title(f"Benchmark - {BASELINE.label} Implementation as Baseline\nOperations Per Second") - ax.margins(x=0.02, y=0.2) - - ax.axhline( - y=1, - color=BASELINE.color, - linestyle="--", - label="Baseline" - ) - - x_ticks = [] - pos = 0 - for bm_name, cases in benchmarks.items(): - x_ticks.append((pos + (len(cases) - 1) / 2, bm_name)) - - baseline = [c for c in cases if c.subject == BASELINE] - assert len(baseline) == 1, "Baseline data not found or duplicate" - baseline = baseline[0] - - for case in cases: - rect = ax.bar( - x = pos, - height = case.per_sec / baseline.per_sec, - width = 1, - label = case.subject.label, - color = case.subject.color - ) - ax.bar_label( - rect, - padding=3, - labels=[case.per_sec_text], - fontsize=10, - rotation=90 - ) - pos += 1 - - pos += 1.5 - - ax.set_xticks(*zip(*x_ticks), rotation=15) - - ax.yaxis.set_major_formatter(lambda x, pos: f"{x}x") - - handles, labels = plt.gca().get_legend_handles_labels() - temp = {k: v for k, v in zip(labels, handles)} - ax.legend( - temp.values(), temp.keys(), - loc="upper left" - ) - - plt.savefig("chart.png") - import shutil - shutil.copyfile("chart.png", "history_charts/") - - plt.show() - - -def prepare(): - import platform - if platform.system() != "Windows": - print("Warning: Not on windows, not doing benchmark prep!", file=sys.stderr) - return - - import psutil - proc = psutil.Process() - print("Prep: Setting process priority to realtime class.") - proc.nice(psutil.REALTIME_PRIORITY_CLASS) - print("Prep: Setting CPU affinity to [1].") - proc.cpu_affinity([1]) - import subprocess - ps = "powershell -Command " - cfg_proc = "powercfg -setacvalueindex scheme_current sub_processor " - print("Prep: set powercfg") - subprocess.run(ps + cfg_proc + "procthrottlemax 100", capture_output=True) - subprocess.run(ps + cfg_proc + "procthrottlemin 100", capture_output=True) - # subprocess.run(ps + cfg_proc + "idledisable 1", capture_output=True) - subprocess.run(ps + "powercfg -setactive scheme_current", capture_output=True) - -def cleanup(): - import subprocess - print("Cleanup: reset powercfg") - subprocess.run("powershell -Command powercfg -setacvalueindex scheme_current sub_processor idledisable 0", capture_output=True) - subprocess.run("powershell -Command powercfg -setactive scheme_current", capture_output=True) - - -if __name__ == '__main__': - try: - prepare() - main() - finally: - cleanup() diff --git a/benchmark/benchmarking.py b/benchmark/benchmarking.py index 4a8d228..68a2433 100644 --- a/benchmark/benchmarking.py +++ b/benchmark/benchmarking.py @@ -33,8 +33,8 @@ TIMER = time.perf_counter_ns BenchmarkFunc = Callable[[int, Callable[[], int]], int] -# AUTO_NUMBER_TARGET_TIME = 0.5e9 -AUTO_NUMBER_TARGET_TIME = 0.005e9 +AUTO_NUMBER_TARGET_TIME = 0.5e9 +# AUTO_NUMBER_TARGET_TIME = 0.005e9 class Subject: """ diff --git a/benchmark/chart.png b/benchmark/chart.png deleted file mode 100644 index 6032b55..0000000 Binary files a/benchmark/chart.png and /dev/null differ diff --git a/benchmark/charting.py b/benchmark/charting.py new file mode 100644 index 0000000..28c97fc --- /dev/null +++ b/benchmark/charting.py @@ -0,0 +1,141 @@ +from typing import Iterable + +from benchmarking import BenchmarkResult, Subject, TestCaseResult, numerize +import matplotlib.pyplot as plt +from matplotlib import patches, transforms + +def get_runtime(result: TestCaseResult) -> int: + return result.runtime + +_TEXT = "#e6edf3" + +class BackgroundFancyBboxPatch(patches.FancyBboxPatch): + + + def __init__(self, **kwargs): + super().__init__((0, 0), 1, 1, **kwargs) + + # noinspection PyUnresolvedReferences + def draw(self, renderer): + if not self.get_visible(): + return + + self.set_x(0) + self.set_y(0) + self.set_width(self.figure.get_figwidth() * self.figure.dpi) + self.set_height(self.figure.get_figheight() * self.figure.dpi) + + # Don't apply any transforms + self._draw_paths_with_artist_properties( + renderer, + [(self.get_path(), transforms.IdentityTransform(), + # Work around a bug in the PDF and SVG renderers, which + # do not draw the hatches if the facecolor is fully + # transparent, but do if it is None. + self._facecolor if self._facecolor[3] else None)]) + + +def chart(result: BenchmarkResult, baseline: Subject, *, fig_height=5, subtitles: Iterable[str] = ()) -> plt.Figure: + fig: plt.Figure + ax: plt.Axes + fig, ax = plt.subplots( + figsize=(len(tuple(result.benchmarks)) * 0.9 + 1, fig_height) + ) + + ax.set_facecolor("#161b22") + + # Background + bg_edge = 3 + bg = BackgroundFancyBboxPatch( + facecolor="#0d1117", + linewidth=bg_edge, + edgecolor="#30363d", + figure=fig + ) + bg.set_boxstyle("round", pad=-bg_edge / 2, rounding_size=fig.dpi * 0.5) + fig.patch = bg + + # Title + ax.set_title(f"Benchmark - {baseline.name} Implementation as Baseline\n" + f"Operations Per Second" + + (("\n" + "\n".join(subtitles)) if subtitles else ""), + color=_TEXT) + + ax.margins(x=0.01) + + ax.axhline( + y=1, + color=baseline.color, + linestyle="--", + label="Baseline" + ) + + highest = 0 + x_pos = 0 + x_ticks = [] + for benchmark in result.benchmarks: + subject_ops_per_sec: dict[Subject, float] = {} + for testcase in benchmark.testcases.values(): + min_runtime = min(r.runtime for r in result.get_results(testcase=testcase)) + subject_ops_per_sec[testcase.subject] = testcase.number / (min_runtime / 1e9) + + begin_pos = x_pos + + for subject, ops_per_sec in sorted( + subject_ops_per_sec.items(), + key=lambda pair: pair[0].sort + ): + height = ops_per_sec / (subject_ops_per_sec[baseline]) + highest = max(height, highest) + rect = ax.bar( + x=x_pos, + height=height, + width=1, + label=subject.name, + color=subject.color + ) + ax.bar_label( + rect, + padding=3, + labels=[numerize(ops_per_sec, decimals=1)], + fontsize=10, + rotation=90, + color=_TEXT + ) + x_pos += 1 + + end_pos = x_pos - 1 + x_ticks.append(((begin_pos + end_pos) / 2, benchmark.name)) + + x_pos += 1.5 + + ax.margins(y=18 / highest / fig_height) + + ax.set_xticks( + *zip(*x_ticks), + rotation=15, + color=_TEXT + ) + + [s.set_color("#ced0d6") for s in ax.spines.values()] + ax.yaxis.set_major_formatter(lambda x, pos: f"{x}x") + ax.tick_params(axis="x", colors="#ced0d6") + ax.tick_params(axis="y", colors="#ced0d6") + + # Legend + handles, labels = ax.get_legend_handles_labels() + temp = {k: v for k, v in zip(labels, handles)} + legend = ax.legend( + temp.values(), temp.keys(), + loc="upper left", + labelcolor=_TEXT, + facecolor="#2b2d30", + edgecolor="#2b2d30", + fancybox = True, + framealpha = 0.5 + ) + legend.legendPatch.set_boxstyle("round", rounding_size=1) + + fig.tight_layout(pad=1) + + return fig diff --git a/benchmark/charts/README.md b/benchmark/charts/README.md new file mode 100644 index 0000000..4654fbe --- /dev/null +++ b/benchmark/charts/README.md @@ -0,0 +1,2 @@ +# All Benchmarks (Reverse Chronological Order) +--- \ No newline at end of file diff --git a/benchmark/gen_charts.py b/benchmark/gen_charts.py new file mode 100644 index 0000000..4d16035 --- /dev/null +++ b/benchmark/gen_charts.py @@ -0,0 +1,48 @@ +import datetime +import os +import shutil + +import charting +from benchmarking import load_result, clear_env, Path, Subject, log, indent_log + + +files = [f[:-5] for f in os.listdir("results") if f.endswith(".json")] +# Latest to earliest +files.sort(reverse=True, key=lambda f: datetime.datetime.strptime(f, "%Y%m%d_%H-%M-%S")) + +for file in files: + log(f"{file}:") + with indent_log(): + try: + result = load_result(Path(f"results/{file}.json")) + log("Generating chart...") + chart = charting.chart( + result, + Subject.get_instance("pure_python"), + fig_height=5, + subtitles=( + f"{result.datetime.strftime("%Y/%d/%m-%H:%M")} · " + f"{result.metadata.py_impl} {result.metadata.py_ver} · " + f"{result.metadata.system} · " + f"{result.metadata.cpu}" + + (" (GitHub Actions)" if result.metadata.ci else "") + , + ) + ) + chart.savefig(f"charts/{file}.svg") + except Exception as e: + log(f"Failed to generate chart for {file}.json: {repr(e)}") + clear_env() + +log() +log(f"Latest: {files[0]}") +shutil.copyfile(f"charts/{files[0]}.svg", f"charts/latest.svg") + +log() +log("Generating README.md") +with open("charts/README.md", "w") as f: + f.write("# All Benchmarks (Reverse Chronological Order)\n") + f.write("---\n") + f.write("\n") + for file in files: + f.write(f"[![{file}](./{file}.svg)](./{file}.svg)\n") diff --git a/benchmark/history_charts/v1.5.0.png b/benchmark/old_charts/v1.5.0.png similarity index 100% rename from benchmark/history_charts/v1.5.0.png rename to benchmark/old_charts/v1.5.0.png diff --git a/benchmark/history_charts/v1.5.1.png b/benchmark/old_charts/v1.5.1.png similarity index 100% rename from benchmark/history_charts/v1.5.1.png rename to benchmark/old_charts/v1.5.1.png diff --git a/benchmark/results/20240511_03-07-35.json b/benchmark/results/20240511_03-07-35.json deleted file mode 100644 index 5524a40..0000000 --- a/benchmark/results/20240511_03-07-35.json +++ /dev/null @@ -1,134201 +0,0 @@ -{ - "subjects": [ - { - "id": "spatium", - "name": "Spatium", - "color": "tab:purple", - "setup": [ - "from spatium import Vec3", - "a = Vec3(1, 2, 3)", - "b = a.zyx" - ], - "sort": 30 - }, - { - "id": "pure_python", - "name": "Pure Python", - "color": "tab:blue", - "setup": [ - "from pure_python_impl import Vec3", - "a = Vec3(1, 2, 3)", - "b = Vec3(3, 2, 1)" - ], - "sort": 10 - }, - { - "id": "pygame", - "name": "Pygame", - "color": "tab:green", - "setup": [ - "from pygame import Vector3", - "a = Vector3(1, 2, 3)", - "b = a.zyx" - ], - "sort": 20 - }, - { - "id": "numpy", - "name": "Numpy", - "color": "tab:orange", - "setup": [ - "import numpy as np", - "array = np.array", - "a = array((1.0, 2.0, 3.0), dtype=np.float64)", - "b = array((3.0, 2.0, 1.0), dtype=np.float64)" - ], - "sort": 0 - } - ], - "benchmarks": [ - { - "id": "instantiation", - "name": "Instantiation", - "testcases": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "Vec3(1.0, 2.0, 3.0)" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "Vec3(1.0, 2.0, 3.0)" - ], - "is_auto_number": true, - "number": 20000 - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "Vector3(1.0, 2.0, 3.0)" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "array((1.0, 2.0, 3.0))" - ], - "is_auto_number": true, - "number": 20000 - } - ] - }, - { - "id": "copy", - "name": "Copy", - "testcases": [ - { - "benchmark_id": "copy", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "+a" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "+a" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.copy()" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a.copy()" - ], - "is_auto_number": true, - "number": 20000 - } - ] - }, - { - "id": "add", - "name": "Addition", - "testcases": [ - { - "benchmark_id": "add", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a + b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a + b" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a + b" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a + b" - ], - "is_auto_number": true, - "number": 10000 - } - ] - }, - { - "id": "add_ip", - "name": "Inplace Addition", - "testcases": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a += b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a += b" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a += b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a += b" - ], - "is_auto_number": true, - "number": 20000 - } - ] - }, - { - "id": "dot", - "name": "Dot Product", - "testcases": [ - { - "benchmark_id": "dot", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a ^ b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a ^ b" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.cross(b)" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "setup_src": [ - "cross = np.cross" - ], - "main_src": [ - "cross(a, b)" - ], - "is_auto_number": true, - "number": 1000 - } - ] - }, - { - "id": "cross", - "name": "Cross Product", - "testcases": [] - }, - { - "id": "equality", - "name": "Equality", - "testcases": [ - { - "benchmark_id": "equality", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a == b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a == b" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a == b" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a == b" - ], - "is_auto_number": true, - "number": 10000 - } - ] - }, - { - "id": "iteration", - "name": "Iteration", - "testcases": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "tuple(a)" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "tuple(a)" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "tuple(a)" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "tuple(a)" - ], - "is_auto_number": true, - "number": 10000 - } - ] - }, - { - "id": "length", - "name": "Length", - "testcases": [ - { - "benchmark_id": "length", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a.length" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a.length" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.length()" - ], - "is_auto_number": true, - "number": 100000 - } - ] - }, - { - "id": "normalize", - "name": "Normalize", - "testcases": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a.normalized" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a.normalized" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.normalize()" - ], - "is_auto_number": true, - "number": 50000 - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "setup_src": [ - "norm = np.linalg.norm" - ], - "main_src": [ - "norm(a)" - ], - "is_auto_number": true, - "number": 5000 - } - ] - }, - { - "id": "get_item", - "name": "Get Item", - "testcases": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a[1]" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a[1]" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a[1]" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a[1]" - ], - "is_auto_number": true, - "number": 100000 - } - ] - }, - { - "id": "set_item", - "name": "Set Item", - "testcases": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a[1] = 4.0" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a[1] = 4.0" - ], - "is_auto_number": true, - "number": 100000 - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a[1] = 4.0" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "setup_src": [], - "main_src": [ - "a[1] = 4.0" - ], - "is_auto_number": true, - "number": 100000 - } - ] - }, - { - "id": "swizzle_get", - "name": "Swizzle Get", - "testcases": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 200000 - } - ] - }, - { - "id": "swizzle_set", - "name": "Swizzle Set", - "testcases": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 200000 - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 10000 - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "setup_src": [], - "main_src": [ - "a.zxy" - ], - "is_auto_number": true, - "number": 200000 - } - ] - } - ], - "result": { - "timestamp": 1715396855.933048, - "metadata": { - "system": "Windows", - "ci": true, - "arch": "X86_64", - "cpu": "AMD EPYC 7763 64-Core Processor", - "py_impl": "CPython", - "py_ver": "3.12.3" - }, - "raw_results": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6750500, - "timestamp": 1715396857.965816, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9734900, - "timestamp": 1715396857.965816, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6441400, - "timestamp": 1715396857.981442, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8155100, - "timestamp": 1715396857.981442, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6884900, - "timestamp": 1715396857.997067, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9684300, - "timestamp": 1715396857.997067, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6456000, - "timestamp": 1715396858.012691, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8180700, - "timestamp": 1715396858.012691, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6748700, - "timestamp": 1715396858.028317, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9803400, - "timestamp": 1715396858.028317, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6451100, - "timestamp": 1715396858.043942, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8101100, - "timestamp": 1715396858.043942, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6754100, - "timestamp": 1715396858.059569, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9804700, - "timestamp": 1715396858.059569, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6376300, - "timestamp": 1715396858.075192, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8078400, - "timestamp": 1715396858.075192, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6749800, - "timestamp": 1715396858.09082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9753500, - "timestamp": 1715396858.09082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6418300, - "timestamp": 1715396858.106443, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8309000, - "timestamp": 1715396858.106443, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6686500, - "timestamp": 1715396858.122077, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9796800, - "timestamp": 1715396858.122077, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8013600, - "timestamp": 1715396858.137707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6529400, - "timestamp": 1715396858.137707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6717800, - "timestamp": 1715396858.153495, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9682500, - "timestamp": 1715396858.154018, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8104800, - "timestamp": 1715396858.169042, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6378400, - "timestamp": 1715396858.169042, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6672800, - "timestamp": 1715396858.184699, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9740800, - "timestamp": 1715396858.184699, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8090300, - "timestamp": 1715396858.20032, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6285500, - "timestamp": 1715396858.20032, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6750200, - "timestamp": 1715396858.20032, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9828600, - "timestamp": 1715396858.215953, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8103200, - "timestamp": 1715396858.231576, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6271100, - "timestamp": 1715396858.231576, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6734900, - "timestamp": 1715396858.231576, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9863000, - "timestamp": 1715396858.247201, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7992400, - "timestamp": 1715396858.262825, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6265300, - "timestamp": 1715396858.262825, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6718800, - "timestamp": 1715396858.262825, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6346100, - "timestamp": 1715396858.278454, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9784300, - "timestamp": 1715396858.278454, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8184300, - "timestamp": 1715396858.294078, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6731500, - "timestamp": 1715396858.294078, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6300300, - "timestamp": 1715396858.309706, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9676800, - "timestamp": 1715396858.309706, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7986600, - "timestamp": 1715396858.325331, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6758100, - "timestamp": 1715396858.325331, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6275300, - "timestamp": 1715396858.340955, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9862000, - "timestamp": 1715396858.340955, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8111400, - "timestamp": 1715396858.35658, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6751900, - "timestamp": 1715396858.35658, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6322400, - "timestamp": 1715396858.372207, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9751600, - "timestamp": 1715396858.372207, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8116500, - "timestamp": 1715396858.38783, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6780800, - "timestamp": 1715396858.38783, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6308800, - "timestamp": 1715396858.403455, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9940500, - "timestamp": 1715396858.403455, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8031300, - "timestamp": 1715396858.419081, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6717900, - "timestamp": 1715396858.419081, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6316300, - "timestamp": 1715396858.434705, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8237400, - "timestamp": 1715396858.434705, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9582400, - "timestamp": 1715396858.45033, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6720000, - "timestamp": 1715396858.45033, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6233500, - "timestamp": 1715396858.465954, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8108100, - "timestamp": 1715396858.465954, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9648100, - "timestamp": 1715396858.48158, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7204700, - "timestamp": 1715396858.48158, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6249800, - "timestamp": 1715396858.497287, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8084000, - "timestamp": 1715396858.497287, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9570000, - "timestamp": 1715396858.512834, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6708100, - "timestamp": 1715396858.512834, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6319500, - "timestamp": 1715396858.528458, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8098900, - "timestamp": 1715396858.528458, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9662000, - "timestamp": 1715396858.544082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6739600, - "timestamp": 1715396858.544082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6322900, - "timestamp": 1715396858.559707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8101600, - "timestamp": 1715396858.559707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9759100, - "timestamp": 1715396858.575334, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7044100, - "timestamp": 1715396858.575334, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8082500, - "timestamp": 1715396858.591556, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9648800, - "timestamp": 1715396858.591556, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6294100, - "timestamp": 1715396858.607077, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7133100, - "timestamp": 1715396858.607077, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7832500, - "timestamp": 1715396858.622735, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9595600, - "timestamp": 1715396858.622735, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6305100, - "timestamp": 1715396858.638361, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6798600, - "timestamp": 1715396858.638361, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8112800, - "timestamp": 1715396858.653983, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9705400, - "timestamp": 1715396858.653983, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6315500, - "timestamp": 1715396858.669609, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7116900, - "timestamp": 1715396858.669609, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8073700, - "timestamp": 1715396858.685237, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9584400, - "timestamp": 1715396858.685237, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6291700, - "timestamp": 1715396858.70086, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6769700, - "timestamp": 1715396858.70086, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7966500, - "timestamp": 1715396858.716486, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9637700, - "timestamp": 1715396858.716486, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6305300, - "timestamp": 1715396858.732111, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6711800, - "timestamp": 1715396858.732111, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8098700, - "timestamp": 1715396858.747736, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6321600, - "timestamp": 1715396858.747736, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9760400, - "timestamp": 1715396858.747736, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6770000, - "timestamp": 1715396858.763362, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8039500, - "timestamp": 1715396858.778988, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6287400, - "timestamp": 1715396858.778988, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9654100, - "timestamp": 1715396858.778988, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6731000, - "timestamp": 1715396858.794613, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8134600, - "timestamp": 1715396858.810237, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6328200, - "timestamp": 1715396858.810237, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9892100, - "timestamp": 1715396858.810237, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6681200, - "timestamp": 1715396858.825868, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8171900, - "timestamp": 1715396858.825868, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6291100, - "timestamp": 1715396858.841488, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9678900, - "timestamp": 1715396858.841488, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6694400, - "timestamp": 1715396858.857112, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7991900, - "timestamp": 1715396858.857112, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6285000, - "timestamp": 1715396858.872741, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9712300, - "timestamp": 1715396858.872741, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9873100, - "timestamp": 1715396858.888364, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6664000, - "timestamp": 1715396858.90399, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6288200, - "timestamp": 1715396858.90399, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8177500, - "timestamp": 1715396858.90399, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9612200, - "timestamp": 1715396858.919618, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6754000, - "timestamp": 1715396858.935241, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6369300, - "timestamp": 1715396858.935241, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 10016600, - "timestamp": 1715396858.935241, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9621200, - "timestamp": 1715396858.950865, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6714400, - "timestamp": 1715396858.966495, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6392900, - "timestamp": 1715396858.966495, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8012400, - "timestamp": 1715396858.982116, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9804800, - "timestamp": 1715396858.982116, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6703000, - "timestamp": 1715396858.997743, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6319000, - "timestamp": 1715396858.997743, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8152200, - "timestamp": 1715396859.013373, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9604300, - "timestamp": 1715396859.013373, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6803300, - "timestamp": 1715396859.028995, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6355500, - "timestamp": 1715396859.028995, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8067600, - "timestamp": 1715396859.04462, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9583900, - "timestamp": 1715396859.04462, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6690900, - "timestamp": 1715396859.060246, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8070300, - "timestamp": 1715396859.060246, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6312300, - "timestamp": 1715396859.075869, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9569400, - "timestamp": 1715396859.075869, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6672900, - "timestamp": 1715396859.091497, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8107500, - "timestamp": 1715396859.091497, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6297000, - "timestamp": 1715396859.10712, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9800700, - "timestamp": 1715396859.10712, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6768400, - "timestamp": 1715396859.122746, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8131500, - "timestamp": 1715396859.122746, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6273700, - "timestamp": 1715396859.138376, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9855100, - "timestamp": 1715396859.138376, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6674000, - "timestamp": 1715396859.154595, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7987500, - "timestamp": 1715396859.154595, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6435000, - "timestamp": 1715396859.154595, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9738200, - "timestamp": 1715396859.170113, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6675600, - "timestamp": 1715396859.185773, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8133900, - "timestamp": 1715396859.185773, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6375500, - "timestamp": 1715396859.185773, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9906800, - "timestamp": 1715396859.201393, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6310900, - "timestamp": 1715396859.217019, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6815300, - "timestamp": 1715396859.217019, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8200900, - "timestamp": 1715396859.217019, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9660900, - "timestamp": 1715396859.232648, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6397100, - "timestamp": 1715396859.232648, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6669900, - "timestamp": 1715396859.248269, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8148400, - "timestamp": 1715396859.248269, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9651700, - "timestamp": 1715396859.263893, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6612500, - "timestamp": 1715396859.263893, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6689000, - "timestamp": 1715396859.279519, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8062000, - "timestamp": 1715396859.279519, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9533700, - "timestamp": 1715396859.295146, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6436700, - "timestamp": 1715396859.295146, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6673500, - "timestamp": 1715396859.310772, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8168000, - "timestamp": 1715396859.310772, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9562400, - "timestamp": 1715396859.326397, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6398700, - "timestamp": 1715396859.326397, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6678600, - "timestamp": 1715396859.342022, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8116400, - "timestamp": 1715396859.342022, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9748600, - "timestamp": 1715396859.357647, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6573100, - "timestamp": 1715396859.357647, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7912300, - "timestamp": 1715396859.373276, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6740800, - "timestamp": 1715396859.373276, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9552000, - "timestamp": 1715396859.388901, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6496100, - "timestamp": 1715396859.388901, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8032200, - "timestamp": 1715396859.404524, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6757600, - "timestamp": 1715396859.404524, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9508900, - "timestamp": 1715396859.420151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6361400, - "timestamp": 1715396859.420151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7993800, - "timestamp": 1715396859.435774, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6764800, - "timestamp": 1715396859.435774, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9516800, - "timestamp": 1715396859.451399, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6457400, - "timestamp": 1715396859.451399, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8054600, - "timestamp": 1715396859.467022, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7090700, - "timestamp": 1715396859.467022, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9443900, - "timestamp": 1715396859.482651, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6269900, - "timestamp": 1715396859.482651, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8034300, - "timestamp": 1715396859.498325, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6735100, - "timestamp": 1715396859.498325, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9679100, - "timestamp": 1715396859.513901, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8042100, - "timestamp": 1715396859.513901, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6670200, - "timestamp": 1715396859.529528, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6316900, - "timestamp": 1715396859.529528, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9588500, - "timestamp": 1715396859.545151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8037900, - "timestamp": 1715396859.545151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6763200, - "timestamp": 1715396859.560777, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6459200, - "timestamp": 1715396859.560777, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9498100, - "timestamp": 1715396859.576404, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8110500, - "timestamp": 1715396859.576404, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6675100, - "timestamp": 1715396859.592031, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6466500, - "timestamp": 1715396859.592031, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9955900, - "timestamp": 1715396859.607655, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8321600, - "timestamp": 1715396859.607655, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7222900, - "timestamp": 1715396859.623288, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6596000, - "timestamp": 1715396859.623288, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9449300, - "timestamp": 1715396859.638908, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7968900, - "timestamp": 1715396859.638908, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6745100, - "timestamp": 1715396859.654529, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6432600, - "timestamp": 1715396859.654529, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9592500, - "timestamp": 1715396859.670156, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8271200, - "timestamp": 1715396859.670156, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6246000, - "timestamp": 1715396859.685785, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6736000, - "timestamp": 1715396859.685785, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9653300, - "timestamp": 1715396859.701409, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8155500, - "timestamp": 1715396859.701409, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6255200, - "timestamp": 1715396859.717033, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 7783300, - "timestamp": 1715396859.717033, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9711800, - "timestamp": 1715396859.732658, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8290900, - "timestamp": 1715396859.732658, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6259100, - "timestamp": 1715396859.748287, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6735400, - "timestamp": 1715396859.748287, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9579700, - "timestamp": 1715396859.763908, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8099000, - "timestamp": 1715396859.763908, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6324500, - "timestamp": 1715396859.779531, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6983400, - "timestamp": 1715396859.779531, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9563600, - "timestamp": 1715396859.795159, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7893600, - "timestamp": 1715396859.795159, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6256300, - "timestamp": 1715396859.810786, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6718000, - "timestamp": 1715396859.810786, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6323900, - "timestamp": 1715396859.826409, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6671300, - "timestamp": 1715396859.826409, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9589600, - "timestamp": 1715396859.826409, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8023300, - "timestamp": 1715396859.842035, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6551800, - "timestamp": 1715396859.842035, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6721900, - "timestamp": 1715396859.85766, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9732900, - "timestamp": 1715396859.85766, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8037100, - "timestamp": 1715396859.873291, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6383400, - "timestamp": 1715396859.873291, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6784800, - "timestamp": 1715396859.888916, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9613200, - "timestamp": 1715396859.888916, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8047200, - "timestamp": 1715396859.904546, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6355800, - "timestamp": 1715396859.904546, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6674700, - "timestamp": 1715396859.920165, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9667500, - "timestamp": 1715396859.920165, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8013900, - "timestamp": 1715396859.935787, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6423600, - "timestamp": 1715396859.935787, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6695100, - "timestamp": 1715396859.951414, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9659700, - "timestamp": 1715396859.951414, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7944000, - "timestamp": 1715396859.967037, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6434200, - "timestamp": 1715396859.967037, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6678500, - "timestamp": 1715396859.982665, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8292400, - "timestamp": 1715396859.982665, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9597300, - "timestamp": 1715396859.998289, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6369400, - "timestamp": 1715396859.998289, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6663600, - "timestamp": 1715396860.013916, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8215500, - "timestamp": 1715396860.013916, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9642100, - "timestamp": 1715396860.030151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6367600, - "timestamp": 1715396860.030151, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6689700, - "timestamp": 1715396860.045672, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8137100, - "timestamp": 1715396860.045672, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9681500, - "timestamp": 1715396860.061339, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6377000, - "timestamp": 1715396860.061339, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6668600, - "timestamp": 1715396860.076959, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8016000, - "timestamp": 1715396860.076959, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9486000, - "timestamp": 1715396860.092583, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6375500, - "timestamp": 1715396860.092583, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6669300, - "timestamp": 1715396860.108208, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8126400, - "timestamp": 1715396860.108208, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9466900, - "timestamp": 1715396860.123836, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6397400, - "timestamp": 1715396860.123836, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9662900, - "timestamp": 1715396860.139461, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6892600, - "timestamp": 1715396860.139461, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8000400, - "timestamp": 1715396860.155904, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6387900, - "timestamp": 1715396860.155904, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9625000, - "timestamp": 1715396860.170928, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6915600, - "timestamp": 1715396860.170928, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7900500, - "timestamp": 1715396860.186586, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6591300, - "timestamp": 1715396860.186586, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9603800, - "timestamp": 1715396860.202213, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6926200, - "timestamp": 1715396860.202213, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8010500, - "timestamp": 1715396860.217838, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6352300, - "timestamp": 1715396860.217838, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9613900, - "timestamp": 1715396860.233463, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6979200, - "timestamp": 1715396860.233463, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8019600, - "timestamp": 1715396860.249085, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6409700, - "timestamp": 1715396860.249085, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9557200, - "timestamp": 1715396860.264715, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6743800, - "timestamp": 1715396860.264715, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8135200, - "timestamp": 1715396860.280337, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6359700, - "timestamp": 1715396860.280337, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9559300, - "timestamp": 1715396860.295961, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8111600, - "timestamp": 1715396860.295961, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6723700, - "timestamp": 1715396860.311587, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6345600, - "timestamp": 1715396860.311587, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9672700, - "timestamp": 1715396860.327214, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8105300, - "timestamp": 1715396860.327214, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6710800, - "timestamp": 1715396860.342837, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6327000, - "timestamp": 1715396860.342837, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 12313200, - "timestamp": 1715396860.342837, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8143200, - "timestamp": 1715396860.358463, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6795300, - "timestamp": 1715396860.374094, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6366300, - "timestamp": 1715396860.374094, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 11854600, - "timestamp": 1715396860.389718, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7981900, - "timestamp": 1715396860.389718, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6692400, - "timestamp": 1715396860.405346, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6377800, - "timestamp": 1715396860.405346, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9669700, - "timestamp": 1715396860.420965, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8165800, - "timestamp": 1715396860.420965, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6712900, - "timestamp": 1715396860.436591, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6354700, - "timestamp": 1715396860.436591, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8007600, - "timestamp": 1715396860.452214, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6724300, - "timestamp": 1715396860.452214, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9567400, - "timestamp": 1715396860.467844, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6348800, - "timestamp": 1715396860.467844, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8119500, - "timestamp": 1715396860.483468, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6743300, - "timestamp": 1715396860.483468, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9671300, - "timestamp": 1715396860.499164, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6394400, - "timestamp": 1715396860.499164, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8101100, - "timestamp": 1715396860.514721, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6755000, - "timestamp": 1715396860.514721, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9739900, - "timestamp": 1715396860.53035, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6285700, - "timestamp": 1715396860.53035, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8154900, - "timestamp": 1715396860.545967, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6725200, - "timestamp": 1715396860.545967, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9655500, - "timestamp": 1715396860.561593, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6415200, - "timestamp": 1715396860.561593, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7976800, - "timestamp": 1715396860.577216, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6900700, - "timestamp": 1715396860.577216, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9608600, - "timestamp": 1715396860.593507, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6746000, - "timestamp": 1715396860.593507, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7840700, - "timestamp": 1715396860.608531, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9614300, - "timestamp": 1715396860.608531, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6694400, - "timestamp": 1715396860.624191, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6347800, - "timestamp": 1715396860.624191, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8075700, - "timestamp": 1715396860.639814, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9625900, - "timestamp": 1715396860.639814, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6734500, - "timestamp": 1715396860.655439, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6736000, - "timestamp": 1715396860.655439, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8004600, - "timestamp": 1715396860.671066, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9600300, - "timestamp": 1715396860.671066, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6692300, - "timestamp": 1715396860.68669, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6372700, - "timestamp": 1715396860.68669, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8030600, - "timestamp": 1715396860.702318, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9726600, - "timestamp": 1715396860.702318, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6689500, - "timestamp": 1715396860.717945, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6714300, - "timestamp": 1715396860.717945, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8100000, - "timestamp": 1715396860.734257, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9785300, - "timestamp": 1715396860.734257, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6717300, - "timestamp": 1715396860.749289, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8189300, - "timestamp": 1715396860.749289, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6719400, - "timestamp": 1715396860.764962, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9814100, - "timestamp": 1715396860.764962, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6255100, - "timestamp": 1715396860.780603, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8110700, - "timestamp": 1715396860.780603, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6695700, - "timestamp": 1715396860.796202, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9973300, - "timestamp": 1715396860.796202, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6227500, - "timestamp": 1715396860.811824, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8047000, - "timestamp": 1715396860.811824, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6690600, - "timestamp": 1715396860.827453, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9608700, - "timestamp": 1715396860.827453, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6300900, - "timestamp": 1715396860.84308, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8128800, - "timestamp": 1715396860.84308, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6693400, - "timestamp": 1715396860.858709, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9645200, - "timestamp": 1715396860.858709, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6337300, - "timestamp": 1715396860.874327, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8066800, - "timestamp": 1715396860.874327, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6712800, - "timestamp": 1715396860.889951, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9650600, - "timestamp": 1715396860.889951, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6322500, - "timestamp": 1715396860.905577, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8050400, - "timestamp": 1715396860.905577, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6697000, - "timestamp": 1715396860.9212, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6354000, - "timestamp": 1715396860.9212, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9563900, - "timestamp": 1715396860.9212, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8020600, - "timestamp": 1715396860.936826, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6854800, - "timestamp": 1715396860.936826, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6220800, - "timestamp": 1715396860.952451, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9556000, - "timestamp": 1715396860.952451, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8143400, - "timestamp": 1715396860.968082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6711600, - "timestamp": 1715396860.968082, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6289200, - "timestamp": 1715396860.983706, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 10019200, - "timestamp": 1715396860.983706, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8124500, - "timestamp": 1715396860.99933, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6721800, - "timestamp": 1715396860.99933, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6308100, - "timestamp": 1715396861.014958, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9576000, - "timestamp": 1715396861.014958, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7992100, - "timestamp": 1715396861.03058, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6964800, - "timestamp": 1715396861.03058, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6313900, - "timestamp": 1715396861.046206, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9725200, - "timestamp": 1715396861.046206, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8087100, - "timestamp": 1715396861.061832, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9619000, - "timestamp": 1715396861.061832, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6691600, - "timestamp": 1715396861.077454, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6357000, - "timestamp": 1715396861.077454, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8042400, - "timestamp": 1715396861.093085, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 10011000, - "timestamp": 1715396861.093085, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6816700, - "timestamp": 1715396861.108707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6345700, - "timestamp": 1715396861.108707, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7994300, - "timestamp": 1715396861.124335, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9846500, - "timestamp": 1715396861.124335, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6705600, - "timestamp": 1715396861.139961, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6435800, - "timestamp": 1715396861.139961, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8101100, - "timestamp": 1715396861.156184, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9737300, - "timestamp": 1715396861.156184, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6695800, - "timestamp": 1715396861.171711, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6407800, - "timestamp": 1715396861.171711, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8146900, - "timestamp": 1715396861.187369, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9879700, - "timestamp": 1715396861.187369, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6712100, - "timestamp": 1715396861.202997, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6373900, - "timestamp": 1715396861.202997, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8123400, - "timestamp": 1715396861.218622, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9843600, - "timestamp": 1715396861.218622, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6324200, - "timestamp": 1715396861.234248, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6817800, - "timestamp": 1715396861.234248, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8058100, - "timestamp": 1715396861.249871, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9833700, - "timestamp": 1715396861.249871, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6367800, - "timestamp": 1715396861.2655, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6759200, - "timestamp": 1715396861.2655, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8065800, - "timestamp": 1715396861.281121, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9967500, - "timestamp": 1715396861.281121, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6283600, - "timestamp": 1715396861.296743, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6835100, - "timestamp": 1715396861.296743, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8012500, - "timestamp": 1715396861.312373, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9704500, - "timestamp": 1715396861.312373, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6337600, - "timestamp": 1715396861.328, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6750200, - "timestamp": 1715396861.328, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8082500, - "timestamp": 1715396861.34362, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9600700, - "timestamp": 1715396861.34362, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6227200, - "timestamp": 1715396861.359245, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6818100, - "timestamp": 1715396861.359245, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8051500, - "timestamp": 1715396861.374875, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6378900, - "timestamp": 1715396861.374875, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6732800, - "timestamp": 1715396861.390502, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9718600, - "timestamp": 1715396861.390502, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8026100, - "timestamp": 1715396861.406126, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6359300, - "timestamp": 1715396861.406126, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6668100, - "timestamp": 1715396861.421748, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9789000, - "timestamp": 1715396861.421748, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8116700, - "timestamp": 1715396861.437374, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6380400, - "timestamp": 1715396861.437374, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6683400, - "timestamp": 1715396861.452999, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9815400, - "timestamp": 1715396861.452999, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8015100, - "timestamp": 1715396861.468625, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6412300, - "timestamp": 1715396861.468625, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6678400, - "timestamp": 1715396861.484249, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9855400, - "timestamp": 1715396861.484249, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8032200, - "timestamp": 1715396861.499937, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6411700, - "timestamp": 1715396861.499937, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6669400, - "timestamp": 1715396861.515501, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9664700, - "timestamp": 1715396861.515501, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7979000, - "timestamp": 1715396861.531126, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6449100, - "timestamp": 1715396861.531126, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9691300, - "timestamp": 1715396861.546751, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6675700, - "timestamp": 1715396861.546751, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 7986700, - "timestamp": 1715396861.562376, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6451800, - "timestamp": 1715396861.562376, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9631600, - "timestamp": 1715396861.578003, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6732200, - "timestamp": 1715396861.578003, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8065800, - "timestamp": 1715396861.593656, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6395000, - "timestamp": 1715396861.593656, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9657500, - "timestamp": 1715396861.593656, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6719100, - "timestamp": 1715396861.609279, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8087900, - "timestamp": 1715396861.624904, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6377300, - "timestamp": 1715396861.624904, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9726900, - "timestamp": 1715396861.624904, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6720400, - "timestamp": 1715396861.64053, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "numpy", - "runtime": 8060100, - "timestamp": 1715396861.656164, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame", - "runtime": 6418700, - "timestamp": 1715396861.656164, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python", - "runtime": 9741600, - "timestamp": 1715396861.656164, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium", - "runtime": 6680800, - "timestamp": 1715396861.671781, - "sequence": [ - { - "benchmark_id": "instantiation", - "subject_id": "numpy" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pygame" - }, - { - "benchmark_id": "instantiation", - "subject_id": "pure_python" - }, - { - "benchmark_id": "instantiation", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5229100, - "timestamp": 1715396861.734282, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6043500, - "timestamp": 1715396861.734282, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9501900, - "timestamp": 1715396861.749886, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6044900, - "timestamp": 1715396861.749886, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124700, - "timestamp": 1715396861.765513, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5941900, - "timestamp": 1715396861.765513, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9174600, - "timestamp": 1715396861.765513, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5760800, - "timestamp": 1715396861.781135, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5201500, - "timestamp": 1715396861.781135, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5949600, - "timestamp": 1715396861.796757, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9562100, - "timestamp": 1715396861.796757, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5831700, - "timestamp": 1715396861.812384, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124300, - "timestamp": 1715396861.812384, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5982000, - "timestamp": 1715396861.812384, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9169100, - "timestamp": 1715396861.828006, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5958200, - "timestamp": 1715396861.828006, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128100, - "timestamp": 1715396861.843633, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5935000, - "timestamp": 1715396861.843633, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9223300, - "timestamp": 1715396861.843633, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5777600, - "timestamp": 1715396861.859259, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5362300, - "timestamp": 1715396861.859259, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5970800, - "timestamp": 1715396861.874882, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5770100, - "timestamp": 1715396861.874882, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9233500, - "timestamp": 1715396861.874882, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124800, - "timestamp": 1715396861.890509, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6033000, - "timestamp": 1715396861.890509, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5864300, - "timestamp": 1715396861.906139, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9167700, - "timestamp": 1715396861.906139, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5130400, - "timestamp": 1715396861.921768, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6010300, - "timestamp": 1715396861.921768, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5918600, - "timestamp": 1715396861.921768, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9127800, - "timestamp": 1715396861.937391, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5169600, - "timestamp": 1715396861.937391, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5959900, - "timestamp": 1715396861.953016, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5937700, - "timestamp": 1715396861.953016, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9137600, - "timestamp": 1715396861.96864, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125500, - "timestamp": 1715396861.96864, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6002900, - "timestamp": 1715396861.96864, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5876300, - "timestamp": 1715396861.984264, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9530500, - "timestamp": 1715396861.984264, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5129500, - "timestamp": 1715396861.999889, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9147000, - "timestamp": 1715396861.999889, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5964900, - "timestamp": 1715396862.015516, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5775900, - "timestamp": 1715396862.015516, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5164700, - "timestamp": 1715396862.015516, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9109400, - "timestamp": 1715396862.031141, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6095100, - "timestamp": 1715396862.031141, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5900500, - "timestamp": 1715396862.046764, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127000, - "timestamp": 1715396862.046764, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9210200, - "timestamp": 1715396862.046764, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5979200, - "timestamp": 1715396862.06239, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6142000, - "timestamp": 1715396862.06239, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124400, - "timestamp": 1715396862.078015, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9232600, - "timestamp": 1715396862.078015, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5898500, - "timestamp": 1715396862.093638, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5788300, - "timestamp": 1715396862.093638, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123500, - "timestamp": 1715396862.109264, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9181200, - "timestamp": 1715396862.109264, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5975100, - "timestamp": 1715396862.109264, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5876300, - "timestamp": 1715396862.124888, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5158700, - "timestamp": 1715396862.124888, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9268600, - "timestamp": 1715396862.140514, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5751200, - "timestamp": 1715396862.140514, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 11074300, - "timestamp": 1715396862.140514, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5924700, - "timestamp": 1715396862.156734, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9216300, - "timestamp": 1715396862.172259, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5902400, - "timestamp": 1715396862.172259, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5954300, - "timestamp": 1715396862.187915, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127700, - "timestamp": 1715396862.187915, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9184500, - "timestamp": 1715396862.187915, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5741700, - "timestamp": 1715396862.203539, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6021700, - "timestamp": 1715396862.203539, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5130300, - "timestamp": 1715396862.219165, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9212200, - "timestamp": 1715396862.219165, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5974500, - "timestamp": 1715396862.219165, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5947500, - "timestamp": 1715396862.23479, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5157700, - "timestamp": 1715396862.23479, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9185000, - "timestamp": 1715396862.250415, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5869500, - "timestamp": 1715396862.250415, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5964800, - "timestamp": 1715396862.266041, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5129300, - "timestamp": 1715396862.266041, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5867500, - "timestamp": 1715396862.266041, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5949900, - "timestamp": 1715396862.281667, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9468600, - "timestamp": 1715396862.281667, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124400, - "timestamp": 1715396862.297289, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5750400, - "timestamp": 1715396862.297289, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6009700, - "timestamp": 1715396862.297289, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9182300, - "timestamp": 1715396862.312917, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5341100, - "timestamp": 1715396862.312917, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5872400, - "timestamp": 1715396862.32854, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5933800, - "timestamp": 1715396862.32854, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9350000, - "timestamp": 1715396862.32854, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5129200, - "timestamp": 1715396862.344164, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6088700, - "timestamp": 1715396862.344164, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5935500, - "timestamp": 1715396862.359794, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9580800, - "timestamp": 1715396862.359794, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126700, - "timestamp": 1715396862.37542, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5848800, - "timestamp": 1715396862.37542, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6267100, - "timestamp": 1715396862.37542, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9141100, - "timestamp": 1715396862.391047, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5178600, - "timestamp": 1715396862.391047, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5780600, - "timestamp": 1715396862.40667, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9305100, - "timestamp": 1715396862.40667, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5970400, - "timestamp": 1715396862.422292, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124300, - "timestamp": 1715396862.422292, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 7431800, - "timestamp": 1715396862.422292, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9636700, - "timestamp": 1715396862.443549, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6253000, - "timestamp": 1715396862.450472, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5338800, - "timestamp": 1715396862.456094, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6462500, - "timestamp": 1715396862.456094, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9158600, - "timestamp": 1715396862.469654, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6193300, - "timestamp": 1715396862.469654, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5134100, - "timestamp": 1715396862.486003, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5828100, - "timestamp": 1715396862.486003, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9379500, - "timestamp": 1715396862.486003, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5953800, - "timestamp": 1715396862.501078, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5400100, - "timestamp": 1715396862.501078, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5808000, - "timestamp": 1715396862.516675, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9212400, - "timestamp": 1715396862.516675, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5946100, - "timestamp": 1715396862.532298, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5965100, - "timestamp": 1715396862.532298, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5170200, - "timestamp": 1715396862.532298, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9045000, - "timestamp": 1715396862.547925, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5877800, - "timestamp": 1715396862.547925, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5931000, - "timestamp": 1715396862.563549, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125000, - "timestamp": 1715396862.563549, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9176000, - "timestamp": 1715396862.563549, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5884400, - "timestamp": 1715396862.579175, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6418400, - "timestamp": 1715396862.579175, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128000, - "timestamp": 1715396862.595388, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9201200, - "timestamp": 1715396862.595388, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5848400, - "timestamp": 1715396862.610907, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5944200, - "timestamp": 1715396862.610907, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5178200, - "timestamp": 1715396862.610907, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9654500, - "timestamp": 1715396862.626559, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6734700, - "timestamp": 1715396862.626559, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5926700, - "timestamp": 1715396862.642187, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123500, - "timestamp": 1715396862.642187, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9519200, - "timestamp": 1715396862.642187, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5833200, - "timestamp": 1715396862.65781, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6126100, - "timestamp": 1715396862.65781, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5141100, - "timestamp": 1715396862.673442, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5898100, - "timestamp": 1715396862.673442, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9131500, - "timestamp": 1715396862.689065, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6015900, - "timestamp": 1715396862.689065, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128100, - "timestamp": 1715396862.704689, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5763700, - "timestamp": 1715396862.704689, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9234700, - "timestamp": 1715396862.704689, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5962300, - "timestamp": 1715396862.720314, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5163900, - "timestamp": 1715396862.720314, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5827400, - "timestamp": 1715396862.735938, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9115300, - "timestamp": 1715396862.735938, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6029000, - "timestamp": 1715396862.735938, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5130900, - "timestamp": 1715396862.751566, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5888200, - "timestamp": 1715396862.751566, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9146000, - "timestamp": 1715396862.76719, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6014800, - "timestamp": 1715396862.76719, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127300, - "timestamp": 1715396862.782815, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5891200, - "timestamp": 1715396862.782815, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9209800, - "timestamp": 1715396862.782815, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5970700, - "timestamp": 1715396862.79844, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9188800, - "timestamp": 1715396862.79844, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5130700, - "timestamp": 1715396862.814066, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5880300, - "timestamp": 1715396862.814066, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5929500, - "timestamp": 1715396862.829692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9222200, - "timestamp": 1715396862.829692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5169100, - "timestamp": 1715396862.829692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6136800, - "timestamp": 1715396862.845317, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6030900, - "timestamp": 1715396862.845317, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9186400, - "timestamp": 1715396862.860943, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5163200, - "timestamp": 1715396862.860943, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5766800, - "timestamp": 1715396862.876567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5933000, - "timestamp": 1715396862.876567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9504200, - "timestamp": 1715396862.876567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125100, - "timestamp": 1715396862.892191, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5874800, - "timestamp": 1715396862.892191, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5943600, - "timestamp": 1715396862.90782, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9178200, - "timestamp": 1715396862.90782, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127100, - "timestamp": 1715396862.923445, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5863000, - "timestamp": 1715396862.923445, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6025900, - "timestamp": 1715396862.923445, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9236900, - "timestamp": 1715396862.939066, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5809000, - "timestamp": 1715396862.939066, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123400, - "timestamp": 1715396862.954692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5985200, - "timestamp": 1715396862.954692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9170200, - "timestamp": 1715396862.954692, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5865000, - "timestamp": 1715396862.970317, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5155000, - "timestamp": 1715396862.970317, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6024700, - "timestamp": 1715396862.985941, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9453000, - "timestamp": 1715396862.985941, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5781200, - "timestamp": 1715396863.001567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123300, - "timestamp": 1715396863.001567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6001200, - "timestamp": 1715396863.001567, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9210600, - "timestamp": 1715396863.017197, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5890800, - "timestamp": 1715396863.017197, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5307600, - "timestamp": 1715396863.032818, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5916600, - "timestamp": 1715396863.032818, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9173500, - "timestamp": 1715396863.032818, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5890300, - "timestamp": 1715396863.048442, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5328900, - "timestamp": 1715396863.048442, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5920300, - "timestamp": 1715396863.064068, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5887900, - "timestamp": 1715396863.064068, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5402400, - "timestamp": 1715396863.064068, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9157200, - "timestamp": 1715396863.079704, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6043500, - "timestamp": 1715396863.079704, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5878000, - "timestamp": 1715396863.095321, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5307600, - "timestamp": 1715396863.095321, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9204500, - "timestamp": 1715396863.095321, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5968700, - "timestamp": 1715396863.110946, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5914000, - "timestamp": 1715396863.110946, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5317500, - "timestamp": 1715396863.126597, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9268400, - "timestamp": 1715396863.126597, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5961900, - "timestamp": 1715396863.142256, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6092200, - "timestamp": 1715396863.142256, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5301300, - "timestamp": 1715396863.158025, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9142800, - "timestamp": 1715396863.158559, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5976800, - "timestamp": 1715396863.158559, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5877800, - "timestamp": 1715396863.173588, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5184800, - "timestamp": 1715396863.173588, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9131000, - "timestamp": 1715396863.189247, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6019200, - "timestamp": 1715396863.189247, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5860300, - "timestamp": 1715396863.20487, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9127400, - "timestamp": 1715396863.20487, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5324600, - "timestamp": 1715396863.20487, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5943900, - "timestamp": 1715396863.220494, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5878600, - "timestamp": 1715396863.220494, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9205900, - "timestamp": 1715396863.236121, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125500, - "timestamp": 1715396863.236121, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5987900, - "timestamp": 1715396863.236121, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5846500, - "timestamp": 1715396863.251744, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9261200, - "timestamp": 1715396863.251744, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126500, - "timestamp": 1715396863.26737, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6025100, - "timestamp": 1715396863.26737, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5840500, - "timestamp": 1715396863.282995, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9199400, - "timestamp": 1715396863.282995, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125700, - "timestamp": 1715396863.29862, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5959200, - "timestamp": 1715396863.29862, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5838500, - "timestamp": 1715396863.29862, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9118800, - "timestamp": 1715396863.314245, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5150300, - "timestamp": 1715396863.314245, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9174500, - "timestamp": 1715396863.329871, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5222800, - "timestamp": 1715396863.329871, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6002300, - "timestamp": 1715396863.329871, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5739900, - "timestamp": 1715396863.345495, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 12167600, - "timestamp": 1715396863.345495, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5987300, - "timestamp": 1715396863.361121, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6307600, - "timestamp": 1715396863.361121, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5762900, - "timestamp": 1715396863.376751, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9221300, - "timestamp": 1715396863.376751, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126300, - "timestamp": 1715396863.392376, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5916600, - "timestamp": 1715396863.392376, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6063500, - "timestamp": 1715396863.392376, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9117300, - "timestamp": 1715396863.408002, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5195900, - "timestamp": 1715396863.408002, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5935300, - "timestamp": 1715396863.423625, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5756700, - "timestamp": 1715396863.423625, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9598100, - "timestamp": 1715396863.423625, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126700, - "timestamp": 1715396863.439249, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6013600, - "timestamp": 1715396863.439249, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5770600, - "timestamp": 1715396863.45488, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9214300, - "timestamp": 1715396863.45488, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126100, - "timestamp": 1715396863.4705, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5874700, - "timestamp": 1715396863.4705, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6019500, - "timestamp": 1715396863.4705, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9177500, - "timestamp": 1715396863.486126, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5159300, - "timestamp": 1715396863.486126, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5816800, - "timestamp": 1715396863.501811, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6264100, - "timestamp": 1715396863.501811, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9315500, - "timestamp": 1715396863.517375, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5129400, - "timestamp": 1715396863.517375, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5933100, - "timestamp": 1715396863.517375, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5945400, - "timestamp": 1715396863.533001, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9290600, - "timestamp": 1715396863.533001, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126300, - "timestamp": 1715396863.548624, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5908000, - "timestamp": 1715396863.548624, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5948700, - "timestamp": 1715396863.56425, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9188600, - "timestamp": 1715396863.56425, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124200, - "timestamp": 1715396863.579873, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5864200, - "timestamp": 1715396863.579873, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6023500, - "timestamp": 1715396863.579873, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9235400, - "timestamp": 1715396863.595502, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6031600, - "timestamp": 1715396863.595502, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123400, - "timestamp": 1715396863.611125, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5862600, - "timestamp": 1715396863.611125, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9564100, - "timestamp": 1715396863.611125, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5982600, - "timestamp": 1715396863.626753, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5153000, - "timestamp": 1715396863.626753, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5881200, - "timestamp": 1715396863.642378, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9159600, - "timestamp": 1715396863.642378, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5958900, - "timestamp": 1715396863.658002, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125600, - "timestamp": 1715396863.658002, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5855600, - "timestamp": 1715396863.658002, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9116100, - "timestamp": 1715396863.673631, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6001000, - "timestamp": 1715396863.673631, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123300, - "timestamp": 1715396863.689252, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5850300, - "timestamp": 1715396863.689252, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9506600, - "timestamp": 1715396863.689252, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5972400, - "timestamp": 1715396863.704879, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5256000, - "timestamp": 1715396863.704879, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5793000, - "timestamp": 1715396863.720504, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9434200, - "timestamp": 1715396863.720504, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5955900, - "timestamp": 1715396863.73613, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5865500, - "timestamp": 1715396863.73613, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5153000, - "timestamp": 1715396863.73613, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9181600, - "timestamp": 1715396863.751755, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6054600, - "timestamp": 1715396863.751755, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5739000, - "timestamp": 1715396863.767381, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128600, - "timestamp": 1715396863.767381, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9239500, - "timestamp": 1715396863.767381, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5985900, - "timestamp": 1715396863.783006, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5808900, - "timestamp": 1715396863.783006, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124000, - "timestamp": 1715396863.79863, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9148300, - "timestamp": 1715396863.79863, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5999400, - "timestamp": 1715396863.814254, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5738500, - "timestamp": 1715396863.814254, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5160000, - "timestamp": 1715396863.814254, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9123100, - "timestamp": 1715396863.82988, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6002000, - "timestamp": 1715396863.82988, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5916100, - "timestamp": 1715396863.845507, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5144800, - "timestamp": 1715396863.845507, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9199400, - "timestamp": 1715396863.845507, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5878100, - "timestamp": 1715396863.861134, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5159200, - "timestamp": 1715396863.861134, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5997800, - "timestamp": 1715396863.876759, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9292000, - "timestamp": 1715396863.876759, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5746000, - "timestamp": 1715396863.892383, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123600, - "timestamp": 1715396863.892383, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6010800, - "timestamp": 1715396863.892383, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9196100, - "timestamp": 1715396863.908008, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6054700, - "timestamp": 1715396863.908008, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128600, - "timestamp": 1715396863.923659, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5937600, - "timestamp": 1715396863.923659, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9292400, - "timestamp": 1715396863.923659, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5762400, - "timestamp": 1715396863.939263, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5539100, - "timestamp": 1715396863.939263, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5987300, - "timestamp": 1715396863.954885, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9345100, - "timestamp": 1715396863.954885, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5773700, - "timestamp": 1715396863.970515, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125800, - "timestamp": 1715396863.970515, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6060600, - "timestamp": 1715396863.970515, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9266800, - "timestamp": 1715396863.986139, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6285400, - "timestamp": 1715396863.986139, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5936200, - "timestamp": 1715396864.001773, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5184800, - "timestamp": 1715396864.001773, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9148900, - "timestamp": 1715396864.017385, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5926700, - "timestamp": 1715396864.017385, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5925400, - "timestamp": 1715396864.03301, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128000, - "timestamp": 1715396864.03301, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9223700, - "timestamp": 1715396864.03301, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5768800, - "timestamp": 1715396864.048632, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5972600, - "timestamp": 1715396864.048632, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5130800, - "timestamp": 1715396864.064261, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9234400, - "timestamp": 1715396864.064261, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5898200, - "timestamp": 1715396864.079885, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5948700, - "timestamp": 1715396864.079885, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5177800, - "timestamp": 1715396864.079885, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9114700, - "timestamp": 1715396864.095511, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5989800, - "timestamp": 1715396864.095511, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5939000, - "timestamp": 1715396864.111132, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128300, - "timestamp": 1715396864.111132, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5868700, - "timestamp": 1715396864.111132, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126300, - "timestamp": 1715396864.126763, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5970300, - "timestamp": 1715396864.126763, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9233300, - "timestamp": 1715396864.126763, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5843700, - "timestamp": 1715396864.142387, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5154700, - "timestamp": 1715396864.142387, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5930600, - "timestamp": 1715396864.158011, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9243700, - "timestamp": 1715396864.158011, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5830400, - "timestamp": 1715396864.174216, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123300, - "timestamp": 1715396864.174216, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5987400, - "timestamp": 1715396864.174216, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9234200, - "timestamp": 1715396864.189737, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5785900, - "timestamp": 1715396864.189737, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5126700, - "timestamp": 1715396864.20539, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5924300, - "timestamp": 1715396864.20539, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9648000, - "timestamp": 1715396864.20539, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5790200, - "timestamp": 1715396864.221025, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5167400, - "timestamp": 1715396864.221025, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5886100, - "timestamp": 1715396864.23664, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9249800, - "timestamp": 1715396864.23664, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5851400, - "timestamp": 1715396864.252261, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123600, - "timestamp": 1715396864.252261, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9357200, - "timestamp": 1715396864.252261, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6005100, - "timestamp": 1715396864.267892, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5916800, - "timestamp": 1715396864.267892, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128200, - "timestamp": 1715396864.283513, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9553100, - "timestamp": 1715396864.283513, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5970000, - "timestamp": 1715396864.29914, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5814800, - "timestamp": 1715396864.29914, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5163600, - "timestamp": 1715396864.29914, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9220200, - "timestamp": 1715396864.314768, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6001200, - "timestamp": 1715396864.314768, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5831300, - "timestamp": 1715396864.330392, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5124000, - "timestamp": 1715396864.330392, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9334000, - "timestamp": 1715396864.330392, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5978200, - "timestamp": 1715396864.346016, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6092700, - "timestamp": 1715396864.346016, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5128700, - "timestamp": 1715396864.361642, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9258600, - "timestamp": 1715396864.361642, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5986400, - "timestamp": 1715396864.377267, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5767400, - "timestamp": 1715396864.377267, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6032900, - "timestamp": 1715396864.377267, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5187900, - "timestamp": 1715396864.392893, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9289600, - "timestamp": 1715396864.392893, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5902700, - "timestamp": 1715396864.408515, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6108500, - "timestamp": 1715396864.408515, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5183800, - "timestamp": 1715396864.424143, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9237800, - "timestamp": 1715396864.424143, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5972100, - "timestamp": 1715396864.424143, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6025600, - "timestamp": 1715396864.439774, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5223300, - "timestamp": 1715396864.439774, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9212800, - "timestamp": 1715396864.455395, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6048700, - "timestamp": 1715396864.455395, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6156600, - "timestamp": 1715396864.471019, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5186500, - "timestamp": 1715396864.471019, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9298100, - "timestamp": 1715396864.471019, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5881500, - "timestamp": 1715396864.486646, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6313400, - "timestamp": 1715396864.486646, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127800, - "timestamp": 1715396864.502347, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9270000, - "timestamp": 1715396864.502347, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5759100, - "timestamp": 1715396864.517897, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6001400, - "timestamp": 1715396864.517897, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9204300, - "timestamp": 1715396864.517897, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5307600, - "timestamp": 1715396864.53352, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5844600, - "timestamp": 1715396864.53352, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6000600, - "timestamp": 1715396864.549145, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9399900, - "timestamp": 1715396864.549145, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5123700, - "timestamp": 1715396864.564769, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5772800, - "timestamp": 1715396864.564769, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6125900, - "timestamp": 1715396864.564769, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9325100, - "timestamp": 1715396864.580397, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5384500, - "timestamp": 1715396864.580397, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5868000, - "timestamp": 1715396864.596634, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5990300, - "timestamp": 1715396864.596634, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9154700, - "timestamp": 1715396864.596634, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5310600, - "timestamp": 1715396864.612155, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5847100, - "timestamp": 1715396864.612155, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5997500, - "timestamp": 1715396864.627816, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9158700, - "timestamp": 1715396864.627816, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5493900, - "timestamp": 1715396864.643439, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5890600, - "timestamp": 1715396864.643439, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9136100, - "timestamp": 1715396864.643439, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5495000, - "timestamp": 1715396864.659063, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6063300, - "timestamp": 1715396864.659063, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5790700, - "timestamp": 1715396864.674688, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9210000, - "timestamp": 1715396864.674688, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5246100, - "timestamp": 1715396864.690315, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6014300, - "timestamp": 1715396864.690315, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5808500, - "timestamp": 1715396864.690315, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9116100, - "timestamp": 1715396864.70594, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5518700, - "timestamp": 1715396864.70594, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6023000, - "timestamp": 1715396864.721564, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5889400, - "timestamp": 1715396864.721564, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9136300, - "timestamp": 1715396864.721564, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5492900, - "timestamp": 1715396864.737188, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6106600, - "timestamp": 1715396864.737188, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5845100, - "timestamp": 1715396864.752815, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9162200, - "timestamp": 1715396864.752815, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5245500, - "timestamp": 1715396864.76847, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6007200, - "timestamp": 1715396864.76847, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5822500, - "timestamp": 1715396864.76847, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9151100, - "timestamp": 1715396864.784092, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5988900, - "timestamp": 1715396864.784092, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5492900, - "timestamp": 1715396864.799718, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5827100, - "timestamp": 1715396864.799718, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9142300, - "timestamp": 1715396864.815342, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 6027500, - "timestamp": 1715396864.815342, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5496900, - "timestamp": 1715396864.830968, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5883500, - "timestamp": 1715396864.830968, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9283800, - "timestamp": 1715396864.830968, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5982100, - "timestamp": 1715396864.846595, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5965900, - "timestamp": 1715396864.846595, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 6006900, - "timestamp": 1715396864.862219, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9159600, - "timestamp": 1715396864.862219, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5917000, - "timestamp": 1715396864.877821, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5125800, - "timestamp": 1715396864.877821, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "numpy", - "runtime": 5896700, - "timestamp": 1715396864.877821, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pygame", - "runtime": 9103500, - "timestamp": 1715396864.893471, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python", - "runtime": 5956500, - "timestamp": 1715396864.893471, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "copy", - "subject_id": "spatium", - "runtime": 5127500, - "timestamp": 1715396864.909098, - "sequence": [ - { - "benchmark_id": "copy", - "subject_id": "numpy" - }, - { - "benchmark_id": "copy", - "subject_id": "pygame" - }, - { - "benchmark_id": "copy", - "subject_id": "pure_python" - }, - { - "benchmark_id": "copy", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7319700, - "timestamp": 1715396864.95595, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6692400, - "timestamp": 1715396864.971572, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5974300, - "timestamp": 1715396864.971572, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5100000, - "timestamp": 1715396864.971572, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7350100, - "timestamp": 1715396864.987194, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 7092900, - "timestamp": 1715396864.987194, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5902400, - "timestamp": 1715396865.00282, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5063500, - "timestamp": 1715396865.00282, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7578100, - "timestamp": 1715396865.00282, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6633500, - "timestamp": 1715396865.018446, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6080400, - "timestamp": 1715396865.018446, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5083800, - "timestamp": 1715396865.03407, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469100, - "timestamp": 1715396865.03407, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6700300, - "timestamp": 1715396865.03407, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6018700, - "timestamp": 1715396865.049693, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5077700, - "timestamp": 1715396865.049693, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470000, - "timestamp": 1715396865.065323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6574800, - "timestamp": 1715396865.065323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6225500, - "timestamp": 1715396865.065323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5038500, - "timestamp": 1715396865.080946, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7328100, - "timestamp": 1715396865.080946, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6621900, - "timestamp": 1715396865.096574, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5105600, - "timestamp": 1715396865.096574, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6299100, - "timestamp": 1715396865.096574, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470300, - "timestamp": 1715396865.112196, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6893800, - "timestamp": 1715396865.112196, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5043100, - "timestamp": 1715396865.127821, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6204400, - "timestamp": 1715396865.127821, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7692600, - "timestamp": 1715396865.127821, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6594600, - "timestamp": 1715396865.143449, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5079600, - "timestamp": 1715396865.143449, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6172200, - "timestamp": 1715396865.159075, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7764000, - "timestamp": 1715396865.159075, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6586100, - "timestamp": 1715396865.175323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5052000, - "timestamp": 1715396865.175323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6010700, - "timestamp": 1715396865.175323, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7717700, - "timestamp": 1715396865.190352, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6605100, - "timestamp": 1715396865.190352, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5067600, - "timestamp": 1715396865.20601, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5747100, - "timestamp": 1715396865.20601, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7753400, - "timestamp": 1715396865.20601, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6238400, - "timestamp": 1715396865.221636, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6703400, - "timestamp": 1715396865.221636, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5090600, - "timestamp": 1715396865.237261, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7716500, - "timestamp": 1715396865.237261, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6398700, - "timestamp": 1715396865.237261, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6676000, - "timestamp": 1715396865.252886, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5052400, - "timestamp": 1715396865.252886, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7653400, - "timestamp": 1715396865.26851, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6242900, - "timestamp": 1715396865.26851, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6579300, - "timestamp": 1715396865.284136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5023200, - "timestamp": 1715396865.284136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7878200, - "timestamp": 1715396865.284136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5928900, - "timestamp": 1715396865.299762, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6607200, - "timestamp": 1715396865.299762, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5085100, - "timestamp": 1715396865.315385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469700, - "timestamp": 1715396865.315385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6010900, - "timestamp": 1715396865.315385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6593900, - "timestamp": 1715396865.331011, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5006200, - "timestamp": 1715396865.331011, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7501700, - "timestamp": 1715396865.331011, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6266500, - "timestamp": 1715396865.346634, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5113300, - "timestamp": 1715396865.346634, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6638200, - "timestamp": 1715396865.362259, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7810600, - "timestamp": 1715396865.362259, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5950000, - "timestamp": 1715396865.377886, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5060700, - "timestamp": 1715396865.377886, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6696800, - "timestamp": 1715396865.377886, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7714800, - "timestamp": 1715396865.393511, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6530400, - "timestamp": 1715396865.393511, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4998700, - "timestamp": 1715396865.409136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6638000, - "timestamp": 1715396865.409136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7492400, - "timestamp": 1715396865.409136, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6231300, - "timestamp": 1715396865.424773, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5101000, - "timestamp": 1715396865.424773, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6593200, - "timestamp": 1715396865.440388, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7497100, - "timestamp": 1715396865.440388, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6205700, - "timestamp": 1715396865.456014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5066400, - "timestamp": 1715396865.456014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6651500, - "timestamp": 1715396865.456014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469300, - "timestamp": 1715396865.471637, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5064500, - "timestamp": 1715396865.471637, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6689600, - "timestamp": 1715396865.471637, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6327400, - "timestamp": 1715396865.487262, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7430000, - "timestamp": 1715396865.487262, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5029800, - "timestamp": 1715396865.502947, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6585200, - "timestamp": 1715396865.502947, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6358300, - "timestamp": 1715396865.518514, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468500, - "timestamp": 1715396865.518514, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5183300, - "timestamp": 1715396865.518514, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6599400, - "timestamp": 1715396865.534137, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6300200, - "timestamp": 1715396865.534137, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468700, - "timestamp": 1715396865.549764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5028500, - "timestamp": 1715396865.549764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6675600, - "timestamp": 1715396865.549764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6173700, - "timestamp": 1715396865.56539, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7525400, - "timestamp": 1715396865.56539, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5049300, - "timestamp": 1715396865.581017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6591400, - "timestamp": 1715396865.581017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6097000, - "timestamp": 1715396865.581017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7288700, - "timestamp": 1715396865.59664, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5123100, - "timestamp": 1715396865.59664, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5992300, - "timestamp": 1715396865.612279, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6605900, - "timestamp": 1715396865.612279, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7549900, - "timestamp": 1715396865.612279, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5029700, - "timestamp": 1715396865.627892, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6373500, - "timestamp": 1715396865.627892, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6583100, - "timestamp": 1715396865.643527, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7767200, - "timestamp": 1715396865.643527, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4999700, - "timestamp": 1715396865.659142, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6295100, - "timestamp": 1715396865.659142, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6658400, - "timestamp": 1715396865.659142, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469100, - "timestamp": 1715396865.674769, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5082800, - "timestamp": 1715396865.674769, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6391000, - "timestamp": 1715396865.690393, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6569000, - "timestamp": 1715396865.690393, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7503100, - "timestamp": 1715396865.690393, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5005600, - "timestamp": 1715396865.706017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6438100, - "timestamp": 1715396865.706017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6583500, - "timestamp": 1715396865.721644, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6569500, - "timestamp": 1715396865.721644, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7555700, - "timestamp": 1715396865.721644, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6086500, - "timestamp": 1715396865.737268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5145200, - "timestamp": 1715396865.737268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6586300, - "timestamp": 1715396865.752895, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7493900, - "timestamp": 1715396865.752895, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5894200, - "timestamp": 1715396865.768521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5041000, - "timestamp": 1715396865.768521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6614000, - "timestamp": 1715396865.768521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7466700, - "timestamp": 1715396865.784143, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6108300, - "timestamp": 1715396865.784143, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5062100, - "timestamp": 1715396865.79977, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6667600, - "timestamp": 1715396865.79977, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7497300, - "timestamp": 1715396865.79977, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6206300, - "timestamp": 1715396865.815396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5009400, - "timestamp": 1715396865.815396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6666500, - "timestamp": 1715396865.815396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468000, - "timestamp": 1715396865.831019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6368100, - "timestamp": 1715396865.831019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5055400, - "timestamp": 1715396865.846643, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6658300, - "timestamp": 1715396865.846643, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469300, - "timestamp": 1715396865.862268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5046500, - "timestamp": 1715396865.862268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6228700, - "timestamp": 1715396865.862268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6585700, - "timestamp": 1715396865.877892, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7502100, - "timestamp": 1715396865.877892, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5069700, - "timestamp": 1715396865.893522, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6204600, - "timestamp": 1715396865.893522, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6701100, - "timestamp": 1715396865.893522, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7286400, - "timestamp": 1715396865.909148, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5034300, - "timestamp": 1715396865.909148, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6202300, - "timestamp": 1715396865.92477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6599300, - "timestamp": 1715396865.92477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7484800, - "timestamp": 1715396865.92477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5041600, - "timestamp": 1715396865.940394, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6355300, - "timestamp": 1715396865.940394, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6607800, - "timestamp": 1715396865.956019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7491000, - "timestamp": 1715396865.956019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5025100, - "timestamp": 1715396865.971672, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6326200, - "timestamp": 1715396865.971672, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6624900, - "timestamp": 1715396865.971672, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6329600, - "timestamp": 1715396865.987297, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7541400, - "timestamp": 1715396865.987297, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5036000, - "timestamp": 1715396866.002922, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6577500, - "timestamp": 1715396866.002922, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6155500, - "timestamp": 1715396866.002922, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7473200, - "timestamp": 1715396866.018547, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5007000, - "timestamp": 1715396866.018547, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6661800, - "timestamp": 1715396866.018547, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6327700, - "timestamp": 1715396866.034155, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7519900, - "timestamp": 1715396866.034155, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5029300, - "timestamp": 1715396866.049799, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 7036200, - "timestamp": 1715396866.049799, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5918500, - "timestamp": 1715396866.065429, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469600, - "timestamp": 1715396866.065429, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5154700, - "timestamp": 1715396866.065429, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6580300, - "timestamp": 1715396866.081029, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5994100, - "timestamp": 1715396866.081029, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7286800, - "timestamp": 1715396866.096649, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5036200, - "timestamp": 1715396866.096649, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 7270900, - "timestamp": 1715396866.096649, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6041700, - "timestamp": 1715396866.114171, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5122100, - "timestamp": 1715396866.114171, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7288900, - "timestamp": 1715396866.128194, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6601400, - "timestamp": 1715396866.128194, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6062900, - "timestamp": 1715396866.128194, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5037800, - "timestamp": 1715396866.14385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7356000, - "timestamp": 1715396866.14385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6617400, - "timestamp": 1715396866.159488, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5911200, - "timestamp": 1715396866.159488, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5112200, - "timestamp": 1715396866.159488, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7288300, - "timestamp": 1715396866.175783, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6712400, - "timestamp": 1715396866.175783, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6111000, - "timestamp": 1715396866.190804, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5005600, - "timestamp": 1715396866.190804, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7317900, - "timestamp": 1715396866.190804, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6622500, - "timestamp": 1715396866.206467, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6157400, - "timestamp": 1715396866.206467, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5062300, - "timestamp": 1715396866.222089, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7292100, - "timestamp": 1715396866.222089, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6896000, - "timestamp": 1715396866.222089, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5084000, - "timestamp": 1715396866.237722, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 9073100, - "timestamp": 1715396866.237722, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5869400, - "timestamp": 1715396866.253355, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6676000, - "timestamp": 1715396866.253355, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5074000, - "timestamp": 1715396866.268976, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470800, - "timestamp": 1715396866.268976, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5991500, - "timestamp": 1715396866.268976, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6564900, - "timestamp": 1715396866.2846, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4930800, - "timestamp": 1715396866.2846, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7497200, - "timestamp": 1715396866.2846, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6302700, - "timestamp": 1715396866.300218, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6671800, - "timestamp": 1715396866.300218, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5006300, - "timestamp": 1715396866.315842, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7498500, - "timestamp": 1715396866.315842, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6265500, - "timestamp": 1715396866.331465, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6594300, - "timestamp": 1715396866.331465, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5006100, - "timestamp": 1715396866.331465, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7472200, - "timestamp": 1715396866.347089, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6367300, - "timestamp": 1715396866.347089, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6611400, - "timestamp": 1715396866.362715, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5008900, - "timestamp": 1715396866.362715, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6298600, - "timestamp": 1715396866.362715, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470200, - "timestamp": 1715396866.378376, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6613200, - "timestamp": 1715396866.378376, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4998300, - "timestamp": 1715396866.394002, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6392600, - "timestamp": 1715396866.394002, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7548600, - "timestamp": 1715396866.394002, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6616100, - "timestamp": 1715396866.409632, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5077100, - "timestamp": 1715396866.409632, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6391400, - "timestamp": 1715396866.425247, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7498900, - "timestamp": 1715396866.425247, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6625600, - "timestamp": 1715396866.440876, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5089500, - "timestamp": 1715396866.440876, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6428100, - "timestamp": 1715396866.440876, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470400, - "timestamp": 1715396866.4565, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6893400, - "timestamp": 1715396866.4565, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5001800, - "timestamp": 1715396866.47212, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6113200, - "timestamp": 1715396866.47212, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7531900, - "timestamp": 1715396866.47212, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6116000, - "timestamp": 1715396866.487719, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7488000, - "timestamp": 1715396866.487719, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6565000, - "timestamp": 1715396866.503421, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4996900, - "timestamp": 1715396866.503421, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6302000, - "timestamp": 1715396866.503421, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7467700, - "timestamp": 1715396866.518971, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6689200, - "timestamp": 1715396866.518971, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5026000, - "timestamp": 1715396866.534594, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6265100, - "timestamp": 1715396866.534594, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7533100, - "timestamp": 1715396866.534594, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6578000, - "timestamp": 1715396866.550219, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5230900, - "timestamp": 1715396866.550219, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5958500, - "timestamp": 1715396866.565847, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7384900, - "timestamp": 1715396866.565847, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6589900, - "timestamp": 1715396866.581468, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5016400, - "timestamp": 1715396866.581468, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6436600, - "timestamp": 1715396866.581468, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7288400, - "timestamp": 1715396866.597698, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6837000, - "timestamp": 1715396866.597698, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5023800, - "timestamp": 1715396866.613224, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6115800, - "timestamp": 1715396866.613224, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7576000, - "timestamp": 1715396866.613224, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5004900, - "timestamp": 1715396866.628885, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6589200, - "timestamp": 1715396866.628885, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6114200, - "timestamp": 1715396866.644507, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7467300, - "timestamp": 1715396866.644507, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5189800, - "timestamp": 1715396866.644507, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6562400, - "timestamp": 1715396866.660132, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6326200, - "timestamp": 1715396866.660132, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469000, - "timestamp": 1715396866.675759, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5042800, - "timestamp": 1715396866.675759, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6706400, - "timestamp": 1715396866.675759, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6113000, - "timestamp": 1715396866.691383, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7679600, - "timestamp": 1715396866.691383, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5016200, - "timestamp": 1715396866.70701, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6626900, - "timestamp": 1715396866.70701, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5511000, - "timestamp": 1715396866.70701, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7288300, - "timestamp": 1715396866.722635, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5273300, - "timestamp": 1715396866.722635, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6624300, - "timestamp": 1715396866.738259, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6175500, - "timestamp": 1715396866.738259, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6966300, - "timestamp": 1715396866.738259, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7412200, - "timestamp": 1715396866.753883, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5064000, - "timestamp": 1715396866.753883, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5988400, - "timestamp": 1715396866.769516, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6609100, - "timestamp": 1715396866.769516, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7490800, - "timestamp": 1715396866.769516, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5069600, - "timestamp": 1715396866.785139, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6279000, - "timestamp": 1715396866.785139, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6588000, - "timestamp": 1715396866.800763, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7572400, - "timestamp": 1715396866.800763, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5053600, - "timestamp": 1715396866.816385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6212700, - "timestamp": 1715396866.816385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6758500, - "timestamp": 1715396866.816385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7536100, - "timestamp": 1715396866.832012, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5073300, - "timestamp": 1715396866.832012, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6203800, - "timestamp": 1715396866.84764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6619700, - "timestamp": 1715396866.84764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7794100, - "timestamp": 1715396866.84764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5007500, - "timestamp": 1715396866.863263, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6167900, - "timestamp": 1715396866.863263, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6688200, - "timestamp": 1715396866.87889, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4968900, - "timestamp": 1715396866.87889, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7758500, - "timestamp": 1715396866.87889, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6326500, - "timestamp": 1715396866.894513, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6684200, - "timestamp": 1715396866.894513, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5039800, - "timestamp": 1715396866.910138, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7535000, - "timestamp": 1715396866.910138, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6030800, - "timestamp": 1715396866.910138, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6647000, - "timestamp": 1715396866.925764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5077300, - "timestamp": 1715396866.925764, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7349500, - "timestamp": 1715396866.941385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6081300, - "timestamp": 1715396866.941385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6748200, - "timestamp": 1715396866.941385, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5030000, - "timestamp": 1715396866.957012, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7579800, - "timestamp": 1715396866.957012, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6116600, - "timestamp": 1715396866.972642, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6636400, - "timestamp": 1715396866.972642, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5010100, - "timestamp": 1715396866.988277, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7536500, - "timestamp": 1715396866.988277, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6469100, - "timestamp": 1715396866.988277, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5069100, - "timestamp": 1715396867.0039, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7595100, - "timestamp": 1715396867.0039, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6684400, - "timestamp": 1715396867.019528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6161100, - "timestamp": 1715396867.019528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5063500, - "timestamp": 1715396867.019528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7530500, - "timestamp": 1715396867.035143, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6669700, - "timestamp": 1715396867.035143, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6113700, - "timestamp": 1715396867.05077, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5070800, - "timestamp": 1715396867.05077, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7595900, - "timestamp": 1715396867.05077, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6661500, - "timestamp": 1715396867.066399, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6196500, - "timestamp": 1715396867.066399, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5084500, - "timestamp": 1715396867.082021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7533100, - "timestamp": 1715396867.082021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6839100, - "timestamp": 1715396867.082021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5835600, - "timestamp": 1715396867.09765, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5128200, - "timestamp": 1715396867.09765, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7294400, - "timestamp": 1715396867.113264, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6641500, - "timestamp": 1715396867.113264, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6064000, - "timestamp": 1715396867.113264, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5027100, - "timestamp": 1715396867.128894, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6614300, - "timestamp": 1715396867.128894, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470200, - "timestamp": 1715396867.144519, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6557800, - "timestamp": 1715396867.144519, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5043700, - "timestamp": 1715396867.16014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6634500, - "timestamp": 1715396867.16014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7712600, - "timestamp": 1715396867.16014, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6144400, - "timestamp": 1715396867.176082, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5085600, - "timestamp": 1715396867.176082, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6881400, - "timestamp": 1715396867.176082, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7289400, - "timestamp": 1715396867.19161, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6279200, - "timestamp": 1715396867.19161, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5019700, - "timestamp": 1715396867.207269, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6712600, - "timestamp": 1715396867.207269, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7316100, - "timestamp": 1715396867.222896, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6018000, - "timestamp": 1715396867.222896, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5128800, - "timestamp": 1715396867.222896, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6589000, - "timestamp": 1715396867.23852, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7514600, - "timestamp": 1715396867.23852, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5113000, - "timestamp": 1715396867.254144, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7471700, - "timestamp": 1715396867.254144, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6705900, - "timestamp": 1715396867.254144, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6236300, - "timestamp": 1715396867.269767, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5099000, - "timestamp": 1715396867.269767, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470800, - "timestamp": 1715396867.285392, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6565700, - "timestamp": 1715396867.285392, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6283900, - "timestamp": 1715396867.285392, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5090600, - "timestamp": 1715396867.301017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7497000, - "timestamp": 1715396867.301017, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6599200, - "timestamp": 1715396867.316642, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6724200, - "timestamp": 1715396867.316642, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5844100, - "timestamp": 1715396867.332269, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7286900, - "timestamp": 1715396867.332269, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6625300, - "timestamp": 1715396867.332269, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6266700, - "timestamp": 1715396867.347899, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5137300, - "timestamp": 1715396867.347899, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7286800, - "timestamp": 1715396867.363524, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6648700, - "timestamp": 1715396867.363524, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5845600, - "timestamp": 1715396867.363524, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5044700, - "timestamp": 1715396867.379141, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7530000, - "timestamp": 1715396867.379141, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6268500, - "timestamp": 1715396867.39477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6581700, - "timestamp": 1715396867.39477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5063000, - "timestamp": 1715396867.39477, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470400, - "timestamp": 1715396867.410392, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6460200, - "timestamp": 1715396867.410392, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6550300, - "timestamp": 1715396867.42602, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4998100, - "timestamp": 1715396867.42602, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7505600, - "timestamp": 1715396867.42602, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6205400, - "timestamp": 1715396867.441645, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6677700, - "timestamp": 1715396867.441645, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5071900, - "timestamp": 1715396867.457268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7495300, - "timestamp": 1715396867.457268, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6202200, - "timestamp": 1715396867.472893, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6645500, - "timestamp": 1715396867.472893, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5100500, - "timestamp": 1715396867.472893, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7409300, - "timestamp": 1715396867.488518, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6236800, - "timestamp": 1715396867.488518, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6655700, - "timestamp": 1715396867.504192, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5051400, - "timestamp": 1715396867.504192, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6631600, - "timestamp": 1715396867.504192, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7466800, - "timestamp": 1715396867.519771, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6349100, - "timestamp": 1715396867.519771, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5014000, - "timestamp": 1715396867.535396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6643800, - "timestamp": 1715396867.535396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7496200, - "timestamp": 1715396867.535396, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6325300, - "timestamp": 1715396867.551019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5121000, - "timestamp": 1715396867.551019, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6635700, - "timestamp": 1715396867.566645, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468000, - "timestamp": 1715396867.566645, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6354500, - "timestamp": 1715396867.566645, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5076300, - "timestamp": 1715396867.582271, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6807000, - "timestamp": 1715396867.582271, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468000, - "timestamp": 1715396867.597896, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6258200, - "timestamp": 1715396867.597896, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5144400, - "timestamp": 1715396867.613521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6596800, - "timestamp": 1715396867.613521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 9062400, - "timestamp": 1715396867.613521, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5866300, - "timestamp": 1715396867.629147, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5187800, - "timestamp": 1715396867.629147, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6614700, - "timestamp": 1715396867.644779, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6145500, - "timestamp": 1715396867.644779, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7451100, - "timestamp": 1715396867.644779, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5061300, - "timestamp": 1715396867.660398, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6819800, - "timestamp": 1715396867.660398, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5898500, - "timestamp": 1715396867.676021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7407100, - "timestamp": 1715396867.676021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5129500, - "timestamp": 1715396867.676021, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6635800, - "timestamp": 1715396867.691649, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6167100, - "timestamp": 1715396867.691649, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469900, - "timestamp": 1715396867.707272, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5083400, - "timestamp": 1715396867.707272, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6732400, - "timestamp": 1715396867.707272, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6143600, - "timestamp": 1715396867.722897, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7420800, - "timestamp": 1715396867.722897, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4990800, - "timestamp": 1715396867.738525, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6586700, - "timestamp": 1715396867.738525, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6314600, - "timestamp": 1715396867.738525, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469600, - "timestamp": 1715396867.754147, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5046300, - "timestamp": 1715396867.754147, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6265100, - "timestamp": 1715396867.769774, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7498100, - "timestamp": 1715396867.769774, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6691700, - "timestamp": 1715396867.785398, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5022000, - "timestamp": 1715396867.785398, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6429200, - "timestamp": 1715396867.785398, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468400, - "timestamp": 1715396867.801022, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6675900, - "timestamp": 1715396867.801022, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5005000, - "timestamp": 1715396867.816648, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6390000, - "timestamp": 1715396867.816648, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7542300, - "timestamp": 1715396867.816648, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6595300, - "timestamp": 1715396867.832274, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5114100, - "timestamp": 1715396867.832274, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6205200, - "timestamp": 1715396867.847898, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7468900, - "timestamp": 1715396867.847898, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6790300, - "timestamp": 1715396867.847898, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4995000, - "timestamp": 1715396867.863522, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6191300, - "timestamp": 1715396867.863522, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7466900, - "timestamp": 1715396867.879154, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6765800, - "timestamp": 1715396867.879154, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 4999300, - "timestamp": 1715396867.894778, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6113600, - "timestamp": 1715396867.894778, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6683200, - "timestamp": 1715396867.894778, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7469500, - "timestamp": 1715396867.910406, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5033900, - "timestamp": 1715396867.910406, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 5875100, - "timestamp": 1715396867.910406, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6631700, - "timestamp": 1715396867.926029, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7613700, - "timestamp": 1715396867.926029, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5032500, - "timestamp": 1715396867.941651, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6117800, - "timestamp": 1715396867.941651, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6684300, - "timestamp": 1715396867.941651, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470400, - "timestamp": 1715396867.95728, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5067800, - "timestamp": 1715396867.95728, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6129700, - "timestamp": 1715396867.972907, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6640200, - "timestamp": 1715396867.972907, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7470100, - "timestamp": 1715396867.988528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "numpy", - "runtime": 5001100, - "timestamp": 1715396867.988528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pygame", - "runtime": 6213000, - "timestamp": 1715396867.988528, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "pure_python", - "runtime": 6573600, - "timestamp": 1715396868.004154, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add", - "subject_id": "spatium", - "runtime": 7516100, - "timestamp": 1715396868.004154, - "sequence": [ - { - "benchmark_id": "add", - "subject_id": "numpy" - }, - { - "benchmark_id": "add", - "subject_id": "pygame" - }, - { - "benchmark_id": "add", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5516300, - "timestamp": 1715396868.082285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10860700, - "timestamp": 1715396868.082285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7719000, - "timestamp": 1715396868.097906, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7964600, - "timestamp": 1715396868.097906, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5497700, - "timestamp": 1715396868.113534, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10974500, - "timestamp": 1715396868.113534, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7716600, - "timestamp": 1715396868.129156, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8057000, - "timestamp": 1715396868.129156, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5435300, - "timestamp": 1715396868.144784, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10297400, - "timestamp": 1715396868.144784, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840900, - "timestamp": 1715396868.160403, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8054100, - "timestamp": 1715396868.160403, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5437600, - "timestamp": 1715396868.176027, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10856100, - "timestamp": 1715396868.176027, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7409300, - "timestamp": 1715396868.192316, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7925900, - "timestamp": 1715396868.192316, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5436700, - "timestamp": 1715396868.207339, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10867400, - "timestamp": 1715396868.207339, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7407900, - "timestamp": 1715396868.223005, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8001500, - "timestamp": 1715396868.223005, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5440300, - "timestamp": 1715396868.238632, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10786400, - "timestamp": 1715396868.238632, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8014300, - "timestamp": 1715396868.254263, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7741900, - "timestamp": 1715396868.254263, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5435800, - "timestamp": 1715396868.269875, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10721800, - "timestamp": 1715396868.269875, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7927200, - "timestamp": 1715396868.285503, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7933900, - "timestamp": 1715396868.285503, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5622900, - "timestamp": 1715396868.301122, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10812700, - "timestamp": 1715396868.301122, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7837200, - "timestamp": 1715396868.316747, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8033900, - "timestamp": 1715396868.316747, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5556300, - "timestamp": 1715396868.332373, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10677100, - "timestamp": 1715396868.332373, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7811100, - "timestamp": 1715396868.347999, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7923400, - "timestamp": 1715396868.347999, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619100, - "timestamp": 1715396868.363624, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10539400, - "timestamp": 1715396868.363624, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7871600, - "timestamp": 1715396868.379248, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7893300, - "timestamp": 1715396868.379248, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619800, - "timestamp": 1715396868.394873, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7910000, - "timestamp": 1715396868.394873, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10923900, - "timestamp": 1715396868.410498, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7933400, - "timestamp": 1715396868.426123, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5803900, - "timestamp": 1715396868.426123, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8103100, - "timestamp": 1715396868.426123, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10838100, - "timestamp": 1715396868.441753, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7852000, - "timestamp": 1715396868.457376, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5825700, - "timestamp": 1715396868.457376, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7471000, - "timestamp": 1715396868.472998, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10758900, - "timestamp": 1715396868.472998, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7884900, - "timestamp": 1715396868.488625, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5663700, - "timestamp": 1715396868.488625, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7658000, - "timestamp": 1715396868.50434, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10726100, - "timestamp": 1715396868.50434, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7850300, - "timestamp": 1715396868.519901, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5646000, - "timestamp": 1715396868.519901, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841500, - "timestamp": 1715396868.535527, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10734100, - "timestamp": 1715396868.535527, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7910500, - "timestamp": 1715396868.551152, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5652300, - "timestamp": 1715396868.551152, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841700, - "timestamp": 1715396868.566775, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7897200, - "timestamp": 1715396868.566775, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10986500, - "timestamp": 1715396868.582403, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5940500, - "timestamp": 1715396868.582403, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7471700, - "timestamp": 1715396868.598626, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7892800, - "timestamp": 1715396868.598626, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10457000, - "timestamp": 1715396868.614153, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5546500, - "timestamp": 1715396868.614153, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7531200, - "timestamp": 1715396868.629809, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7925400, - "timestamp": 1715396868.629809, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10830600, - "timestamp": 1715396868.645436, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5730800, - "timestamp": 1715396868.645436, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7782800, - "timestamp": 1715396868.661059, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8127000, - "timestamp": 1715396868.661059, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10380000, - "timestamp": 1715396868.676686, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5738600, - "timestamp": 1715396868.676686, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7596200, - "timestamp": 1715396868.692313, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7868700, - "timestamp": 1715396868.692313, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10967800, - "timestamp": 1715396868.707935, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5562600, - "timestamp": 1715396868.723558, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7806500, - "timestamp": 1715396868.723558, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10513400, - "timestamp": 1715396868.723558, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8082200, - "timestamp": 1715396868.73919, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5808000, - "timestamp": 1715396868.75481, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7988200, - "timestamp": 1715396868.75481, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10544600, - "timestamp": 1715396868.75481, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8085200, - "timestamp": 1715396868.770437, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5803400, - "timestamp": 1715396868.786061, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8109400, - "timestamp": 1715396868.786061, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10282100, - "timestamp": 1715396868.801687, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7902500, - "timestamp": 1715396868.801687, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620800, - "timestamp": 1715396868.817309, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8026900, - "timestamp": 1715396868.817309, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10721700, - "timestamp": 1715396868.832935, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7950100, - "timestamp": 1715396868.832935, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619700, - "timestamp": 1715396868.848562, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7927600, - "timestamp": 1715396868.848562, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10951000, - "timestamp": 1715396868.864193, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7852700, - "timestamp": 1715396868.864193, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5559600, - "timestamp": 1715396868.879814, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7948800, - "timestamp": 1715396868.879814, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841000, - "timestamp": 1715396868.895437, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10690500, - "timestamp": 1715396868.895437, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617800, - "timestamp": 1715396868.911062, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7934100, - "timestamp": 1715396868.911062, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840900, - "timestamp": 1715396868.926686, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10652300, - "timestamp": 1715396868.926686, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619100, - "timestamp": 1715396868.942311, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7897100, - "timestamp": 1715396868.942311, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840600, - "timestamp": 1715396868.957936, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10532000, - "timestamp": 1715396868.957936, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5621200, - "timestamp": 1715396868.973561, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 9468400, - "timestamp": 1715396868.973561, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7470300, - "timestamp": 1715396868.989186, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10764800, - "timestamp": 1715396868.989186, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5480900, - "timestamp": 1715396869.004819, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7828400, - "timestamp": 1715396869.02044, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7882600, - "timestamp": 1715396869.02044, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10983800, - "timestamp": 1715396869.036066, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10704800, - "timestamp": 1715396869.036066, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5621600, - "timestamp": 1715396869.05169, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7911800, - "timestamp": 1715396869.05169, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7869800, - "timestamp": 1715396869.067312, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10552000, - "timestamp": 1715396869.067312, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620700, - "timestamp": 1715396869.082941, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7958000, - "timestamp": 1715396869.082941, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7863200, - "timestamp": 1715396869.098565, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10592400, - "timestamp": 1715396869.098565, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620700, - "timestamp": 1715396869.114195, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7884100, - "timestamp": 1715396869.114195, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7844700, - "timestamp": 1715396869.129815, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10451300, - "timestamp": 1715396869.129815, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620300, - "timestamp": 1715396869.145442, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7930900, - "timestamp": 1715396869.145442, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7856600, - "timestamp": 1715396869.161065, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10557200, - "timestamp": 1715396869.161065, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5559400, - "timestamp": 1715396869.17669, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8024400, - "timestamp": 1715396869.17669, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7832000, - "timestamp": 1715396869.192911, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10594200, - "timestamp": 1715396869.192911, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618700, - "timestamp": 1715396869.208439, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8075400, - "timestamp": 1715396869.208439, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7408200, - "timestamp": 1715396869.224102, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10655100, - "timestamp": 1715396869.224102, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5604800, - "timestamp": 1715396869.239729, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7818500, - "timestamp": 1715396869.255351, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7900900, - "timestamp": 1715396869.255351, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11033600, - "timestamp": 1715396869.270974, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5864700, - "timestamp": 1715396869.270974, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7865400, - "timestamp": 1715396869.286601, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8091800, - "timestamp": 1715396869.286601, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11007000, - "timestamp": 1715396869.302225, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5860500, - "timestamp": 1715396869.302225, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7987000, - "timestamp": 1715396869.317851, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8077600, - "timestamp": 1715396869.317851, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10998200, - "timestamp": 1715396869.333475, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5846300, - "timestamp": 1715396869.333475, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7858300, - "timestamp": 1715396869.3491, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8154000, - "timestamp": 1715396869.3491, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11045200, - "timestamp": 1715396869.364724, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7638200, - "timestamp": 1715396869.380353, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5621800, - "timestamp": 1715396869.380353, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7955600, - "timestamp": 1715396869.380353, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10797400, - "timestamp": 1715396869.395978, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840800, - "timestamp": 1715396869.411601, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5739900, - "timestamp": 1715396869.411601, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7912700, - "timestamp": 1715396869.411601, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10884700, - "timestamp": 1715396869.427228, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840600, - "timestamp": 1715396869.442852, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5821000, - "timestamp": 1715396869.442852, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7870600, - "timestamp": 1715396869.458477, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10913600, - "timestamp": 1715396869.458477, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7903700, - "timestamp": 1715396869.474102, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5828800, - "timestamp": 1715396869.474102, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7846000, - "timestamp": 1715396869.489729, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10956800, - "timestamp": 1715396869.489729, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7781600, - "timestamp": 1715396869.505388, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5656500, - "timestamp": 1715396869.505388, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7829300, - "timestamp": 1715396869.520981, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10786500, - "timestamp": 1715396869.520981, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7408100, - "timestamp": 1715396869.536607, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7864500, - "timestamp": 1715396869.536607, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5434900, - "timestamp": 1715396869.55223, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10810300, - "timestamp": 1715396869.55223, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7592200, - "timestamp": 1715396869.567852, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7895300, - "timestamp": 1715396869.567852, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619700, - "timestamp": 1715396869.583478, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10450500, - "timestamp": 1715396869.583478, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7658000, - "timestamp": 1715396869.599105, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7891500, - "timestamp": 1715396869.599105, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 7472300, - "timestamp": 1715396869.614729, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10737900, - "timestamp": 1715396869.614729, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7655400, - "timestamp": 1715396869.630353, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7871300, - "timestamp": 1715396869.645982, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618800, - "timestamp": 1715396869.645982, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10733500, - "timestamp": 1715396869.645982, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7949300, - "timestamp": 1715396869.661604, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7843800, - "timestamp": 1715396869.677229, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5847000, - "timestamp": 1715396869.677229, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10994700, - "timestamp": 1715396869.692853, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7894400, - "timestamp": 1715396869.692853, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5802700, - "timestamp": 1715396869.708482, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7906200, - "timestamp": 1715396869.708482, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11051200, - "timestamp": 1715396869.724103, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8014400, - "timestamp": 1715396869.724103, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5439000, - "timestamp": 1715396869.73973, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7806200, - "timestamp": 1715396869.73973, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10461100, - "timestamp": 1715396869.755361, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7949400, - "timestamp": 1715396869.755361, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5561600, - "timestamp": 1715396869.770987, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7885100, - "timestamp": 1715396869.770987, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10958300, - "timestamp": 1715396869.78661, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7872400, - "timestamp": 1715396869.78661, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617800, - "timestamp": 1715396869.802233, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7862100, - "timestamp": 1715396869.802233, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10325200, - "timestamp": 1715396869.81786, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7881000, - "timestamp": 1715396869.81786, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617100, - "timestamp": 1715396869.833483, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7826400, - "timestamp": 1715396869.833483, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10978500, - "timestamp": 1715396869.849107, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7819300, - "timestamp": 1715396869.864732, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7903400, - "timestamp": 1715396869.864732, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618600, - "timestamp": 1715396869.880354, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10918900, - "timestamp": 1715396869.880354, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7842800, - "timestamp": 1715396869.89598, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7937700, - "timestamp": 1715396869.89598, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617700, - "timestamp": 1715396869.911604, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10810500, - "timestamp": 1715396869.911604, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7873300, - "timestamp": 1715396869.927229, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7962600, - "timestamp": 1715396869.927229, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620300, - "timestamp": 1715396869.942857, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10868600, - "timestamp": 1715396869.942857, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7843800, - "timestamp": 1715396869.958481, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7921200, - "timestamp": 1715396869.958481, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620500, - "timestamp": 1715396869.974108, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11086100, - "timestamp": 1715396869.974108, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7814900, - "timestamp": 1715396869.989731, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7962500, - "timestamp": 1715396869.989731, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618500, - "timestamp": 1715396870.005361, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7964200, - "timestamp": 1715396870.005361, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618500, - "timestamp": 1715396870.020981, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10844700, - "timestamp": 1715396870.020981, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7857900, - "timestamp": 1715396870.03724, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7873200, - "timestamp": 1715396870.03724, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619400, - "timestamp": 1715396870.05226, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10851200, - "timestamp": 1715396870.05226, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7858000, - "timestamp": 1715396870.067917, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7900600, - "timestamp": 1715396870.067917, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616800, - "timestamp": 1715396870.083543, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10699900, - "timestamp": 1715396870.083543, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7864100, - "timestamp": 1715396870.099172, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8134100, - "timestamp": 1715396870.099172, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5805600, - "timestamp": 1715396870.114799, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10644400, - "timestamp": 1715396870.114799, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7854800, - "timestamp": 1715396870.13042, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8102600, - "timestamp": 1715396870.13042, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5804900, - "timestamp": 1715396870.146044, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10609700, - "timestamp": 1715396870.146044, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7871100, - "timestamp": 1715396870.161668, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8029200, - "timestamp": 1715396870.177291, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5801700, - "timestamp": 1715396870.177291, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7960400, - "timestamp": 1715396870.177291, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10948800, - "timestamp": 1715396870.193742, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7658100, - "timestamp": 1715396870.208762, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5623500, - "timestamp": 1715396870.208762, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7916600, - "timestamp": 1715396870.208762, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10852300, - "timestamp": 1715396870.224418, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7842300, - "timestamp": 1715396870.240041, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5863800, - "timestamp": 1715396870.240041, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7837700, - "timestamp": 1715396870.255665, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10855000, - "timestamp": 1715396870.255665, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7783400, - "timestamp": 1715396870.271292, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5777400, - "timestamp": 1715396870.271292, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7874400, - "timestamp": 1715396870.286916, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10894600, - "timestamp": 1715396870.286916, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7594400, - "timestamp": 1715396870.302541, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5605500, - "timestamp": 1715396870.302541, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7851500, - "timestamp": 1715396870.318164, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10703900, - "timestamp": 1715396870.318164, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7904600, - "timestamp": 1715396870.333789, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11390400, - "timestamp": 1715396870.333789, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5560100, - "timestamp": 1715396870.349414, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7975000, - "timestamp": 1715396870.349414, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7470000, - "timestamp": 1715396870.365043, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10584300, - "timestamp": 1715396870.365043, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5560800, - "timestamp": 1715396870.380669, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7940800, - "timestamp": 1715396870.380669, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7657100, - "timestamp": 1715396870.396293, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10613000, - "timestamp": 1715396870.396293, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617800, - "timestamp": 1715396870.411916, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7911700, - "timestamp": 1715396870.411916, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7718400, - "timestamp": 1715396870.427545, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10456800, - "timestamp": 1715396870.427545, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5658100, - "timestamp": 1715396870.443167, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7885900, - "timestamp": 1715396870.458791, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7760200, - "timestamp": 1715396870.458791, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10941200, - "timestamp": 1715396870.474417, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5642200, - "timestamp": 1715396870.474417, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7841400, - "timestamp": 1715396870.490043, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7870600, - "timestamp": 1715396870.490043, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10420500, - "timestamp": 1715396870.505783, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8036100, - "timestamp": 1715396870.505783, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5464100, - "timestamp": 1715396870.521293, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7541100, - "timestamp": 1715396870.521293, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10842900, - "timestamp": 1715396870.536918, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7944400, - "timestamp": 1715396870.536918, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618400, - "timestamp": 1715396870.55254, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7706800, - "timestamp": 1715396870.55254, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10931300, - "timestamp": 1715396870.568165, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7953800, - "timestamp": 1715396870.568165, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616800, - "timestamp": 1715396870.58379, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7864600, - "timestamp": 1715396870.58379, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10950300, - "timestamp": 1715396870.600033, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7955200, - "timestamp": 1715396870.600033, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5622800, - "timestamp": 1715396870.615545, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7763900, - "timestamp": 1715396870.615545, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10951500, - "timestamp": 1715396870.631201, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7949000, - "timestamp": 1715396870.631201, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619900, - "timestamp": 1715396870.646832, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7701500, - "timestamp": 1715396870.646832, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7852400, - "timestamp": 1715396870.662451, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5667300, - "timestamp": 1715396870.662451, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10948200, - "timestamp": 1715396870.678073, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7776300, - "timestamp": 1715396870.678073, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7851700, - "timestamp": 1715396870.693701, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5667500, - "timestamp": 1715396870.693701, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10930700, - "timestamp": 1715396870.709323, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7755700, - "timestamp": 1715396870.709323, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7875900, - "timestamp": 1715396870.72495, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5778900, - "timestamp": 1715396870.72495, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10923300, - "timestamp": 1715396870.741196, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7654500, - "timestamp": 1715396870.756217, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7927800, - "timestamp": 1715396870.756217, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620400, - "timestamp": 1715396870.771868, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10986100, - "timestamp": 1715396870.771868, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7660000, - "timestamp": 1715396870.787494, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8111200, - "timestamp": 1715396870.787494, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5436200, - "timestamp": 1715396870.803125, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10980500, - "timestamp": 1715396870.803125, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7953900, - "timestamp": 1715396870.818751, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8898500, - "timestamp": 1715396870.818751, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10932000, - "timestamp": 1715396870.83437, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5739800, - "timestamp": 1715396870.83437, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7413600, - "timestamp": 1715396870.850001, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7921600, - "timestamp": 1715396870.850001, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10956200, - "timestamp": 1715396870.865623, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5558700, - "timestamp": 1715396870.881245, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7658700, - "timestamp": 1715396870.881245, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8158800, - "timestamp": 1715396870.881245, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10446000, - "timestamp": 1715396870.896871, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5557200, - "timestamp": 1715396870.912499, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7840800, - "timestamp": 1715396870.912499, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7884000, - "timestamp": 1715396870.912499, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10844200, - "timestamp": 1715396870.928122, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616900, - "timestamp": 1715396870.943746, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7904700, - "timestamp": 1715396870.943746, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7900900, - "timestamp": 1715396870.943746, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10968300, - "timestamp": 1715396870.959372, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5435800, - "timestamp": 1715396870.974997, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8167900, - "timestamp": 1715396870.974997, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5558600, - "timestamp": 1715396870.990625, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10906000, - "timestamp": 1715396870.990625, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7964800, - "timestamp": 1715396871.006248, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7911100, - "timestamp": 1715396871.006248, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5434000, - "timestamp": 1715396871.021873, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10829500, - "timestamp": 1715396871.021873, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7843100, - "timestamp": 1715396871.037499, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7888400, - "timestamp": 1715396871.037499, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616800, - "timestamp": 1715396871.053123, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10768400, - "timestamp": 1715396871.053123, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841500, - "timestamp": 1715396871.068748, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7946800, - "timestamp": 1715396871.068748, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619000, - "timestamp": 1715396871.084373, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11109300, - "timestamp": 1715396871.084373, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7597200, - "timestamp": 1715396871.099997, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8075400, - "timestamp": 1715396871.099997, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5434800, - "timestamp": 1715396871.115626, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10765900, - "timestamp": 1715396871.115626, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7719200, - "timestamp": 1715396871.131249, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7979200, - "timestamp": 1715396871.131249, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617800, - "timestamp": 1715396871.146875, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7733200, - "timestamp": 1715396871.146875, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10994900, - "timestamp": 1715396871.162497, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7924500, - "timestamp": 1715396871.162497, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5621200, - "timestamp": 1715396871.178126, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7884500, - "timestamp": 1715396871.178126, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10854200, - "timestamp": 1715396871.19445, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7922000, - "timestamp": 1715396871.19445, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5622400, - "timestamp": 1715396871.20947, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7834300, - "timestamp": 1715396871.20947, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11086300, - "timestamp": 1715396871.225705, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7850700, - "timestamp": 1715396871.241223, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5801700, - "timestamp": 1715396871.241223, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7894100, - "timestamp": 1715396871.241223, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10935900, - "timestamp": 1715396871.256877, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7868500, - "timestamp": 1715396871.272501, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5802400, - "timestamp": 1715396871.272501, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7958900, - "timestamp": 1715396871.272501, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10824700, - "timestamp": 1715396871.288134, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7859800, - "timestamp": 1715396871.303753, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10740300, - "timestamp": 1715396871.303753, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5805600, - "timestamp": 1715396871.319385, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7948600, - "timestamp": 1715396871.319385, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7842800, - "timestamp": 1715396871.335004, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11081900, - "timestamp": 1715396871.335004, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5557700, - "timestamp": 1715396871.350631, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7885100, - "timestamp": 1715396871.350631, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7866700, - "timestamp": 1715396871.366255, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10776400, - "timestamp": 1715396871.366255, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5743300, - "timestamp": 1715396871.381882, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7886800, - "timestamp": 1715396871.381882, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7779000, - "timestamp": 1715396871.397509, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10678400, - "timestamp": 1715396871.397509, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5617200, - "timestamp": 1715396871.413133, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7868700, - "timestamp": 1715396871.413133, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7817000, - "timestamp": 1715396871.428768, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10771200, - "timestamp": 1715396871.428768, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5633900, - "timestamp": 1715396871.444394, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841100, - "timestamp": 1715396871.460011, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7869000, - "timestamp": 1715396871.460011, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11034300, - "timestamp": 1715396871.475646, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8093500, - "timestamp": 1715396871.475646, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5805700, - "timestamp": 1715396871.491258, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7895700, - "timestamp": 1715396871.491258, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10973900, - "timestamp": 1715396871.506949, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7940500, - "timestamp": 1715396871.506949, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620400, - "timestamp": 1715396871.522506, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7913800, - "timestamp": 1715396871.522506, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10906300, - "timestamp": 1715396871.538134, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7870100, - "timestamp": 1715396871.538134, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616800, - "timestamp": 1715396871.553755, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7896800, - "timestamp": 1715396871.553755, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11000800, - "timestamp": 1715396871.569379, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7875800, - "timestamp": 1715396871.569379, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5620500, - "timestamp": 1715396871.585004, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7888700, - "timestamp": 1715396871.585004, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10953500, - "timestamp": 1715396871.60063, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7841800, - "timestamp": 1715396871.616257, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5618800, - "timestamp": 1715396871.616257, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7978100, - "timestamp": 1715396871.616257, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7839900, - "timestamp": 1715396871.63188, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5655700, - "timestamp": 1715396871.63188, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10933100, - "timestamp": 1715396871.647535, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7892400, - "timestamp": 1715396871.647535, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7923500, - "timestamp": 1715396871.663158, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616900, - "timestamp": 1715396871.678783, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10991500, - "timestamp": 1715396871.678783, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7872300, - "timestamp": 1715396871.69441, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7900200, - "timestamp": 1715396871.69441, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5616900, - "timestamp": 1715396871.710033, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10927300, - "timestamp": 1715396871.710033, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7857400, - "timestamp": 1715396871.725659, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8128900, - "timestamp": 1715396871.725659, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5804400, - "timestamp": 1715396871.741285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10796900, - "timestamp": 1715396871.741285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7852900, - "timestamp": 1715396871.756909, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8113200, - "timestamp": 1715396871.756909, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5805300, - "timestamp": 1715396871.772534, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10797700, - "timestamp": 1715396871.772534, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7862000, - "timestamp": 1715396871.788159, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8090400, - "timestamp": 1715396871.788159, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 11005000, - "timestamp": 1715396871.803784, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5803000, - "timestamp": 1715396871.819418, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7804300, - "timestamp": 1715396871.819418, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 8991800, - "timestamp": 1715396871.819418, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10488700, - "timestamp": 1715396871.835036, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5559100, - "timestamp": 1715396871.850639, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 7956200, - "timestamp": 1715396871.850639, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7471700, - "timestamp": 1715396871.866285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10981000, - "timestamp": 1715396871.866285, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5619700, - "timestamp": 1715396871.88191, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8105500, - "timestamp": 1715396871.88191, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7416300, - "timestamp": 1715396871.897535, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10728800, - "timestamp": 1715396871.897535, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5562100, - "timestamp": 1715396871.913137, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "numpy", - "runtime": 8180900, - "timestamp": 1715396871.913137, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame", - "runtime": 7592400, - "timestamp": 1715396871.928762, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python", - "runtime": 10737000, - "timestamp": 1715396871.928762, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium", - "runtime": 5556200, - "timestamp": 1715396871.944387, - "sequence": [ - { - "benchmark_id": "add_ip", - "subject_id": "numpy" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pygame" - }, - { - "benchmark_id": "add_ip", - "subject_id": "pure_python" - }, - { - "benchmark_id": "add_ip", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6867400, - "timestamp": 1715396872.006888, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7534200, - "timestamp": 1715396872.022511, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9504500, - "timestamp": 1715396872.022511, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18950300, - "timestamp": 1715396872.038137, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6722700, - "timestamp": 1715396872.053771, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7542000, - "timestamp": 1715396872.069392, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9471600, - "timestamp": 1715396872.069392, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18839400, - "timestamp": 1715396872.085012, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6852100, - "timestamp": 1715396872.100644, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7625200, - "timestamp": 1715396872.100644, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9434300, - "timestamp": 1715396872.116266, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18884500, - "timestamp": 1715396872.116266, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6859300, - "timestamp": 1715396872.147517, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7586100, - "timestamp": 1715396872.147517, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9533600, - "timestamp": 1715396872.147517, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19135200, - "timestamp": 1715396872.163141, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6674700, - "timestamp": 1715396872.178768, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7528300, - "timestamp": 1715396872.194996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9681200, - "timestamp": 1715396872.194996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18873800, - "timestamp": 1715396872.21052, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6790500, - "timestamp": 1715396872.226186, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7731400, - "timestamp": 1715396872.226186, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18794900, - "timestamp": 1715396872.241806, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9948800, - "timestamp": 1715396872.25743, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6791300, - "timestamp": 1715396872.273054, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7632300, - "timestamp": 1715396872.273054, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18800200, - "timestamp": 1715396872.288677, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9448300, - "timestamp": 1715396872.304304, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6793500, - "timestamp": 1715396872.319931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7618000, - "timestamp": 1715396872.319931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18864600, - "timestamp": 1715396872.319931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9438600, - "timestamp": 1715396872.351181, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6945700, - "timestamp": 1715396872.351181, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7693800, - "timestamp": 1715396872.366803, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18918500, - "timestamp": 1715396872.366803, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9474300, - "timestamp": 1715396872.382437, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6604300, - "timestamp": 1715396872.39806, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7842400, - "timestamp": 1715396872.39806, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18937200, - "timestamp": 1715396872.413681, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9518100, - "timestamp": 1715396872.429313, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6856200, - "timestamp": 1715396872.444932, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9803000, - "timestamp": 1715396872.444932, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7513600, - "timestamp": 1715396872.460555, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18999800, - "timestamp": 1715396872.460555, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6668400, - "timestamp": 1715396872.491805, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9750700, - "timestamp": 1715396872.491805, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7546300, - "timestamp": 1715396872.507499, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18816600, - "timestamp": 1715396872.507499, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6693200, - "timestamp": 1715396872.523057, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9525700, - "timestamp": 1715396872.538683, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7571400, - "timestamp": 1715396872.538683, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18788500, - "timestamp": 1715396872.554304, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6669600, - "timestamp": 1715396872.569931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9494600, - "timestamp": 1715396872.569931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7721000, - "timestamp": 1715396872.585554, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18868200, - "timestamp": 1715396872.601256, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6611900, - "timestamp": 1715396872.616827, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9591900, - "timestamp": 1715396872.616827, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7577100, - "timestamp": 1715396872.632491, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18921100, - "timestamp": 1715396872.632491, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6898500, - "timestamp": 1715396872.648112, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9617300, - "timestamp": 1715396872.663742, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18806300, - "timestamp": 1715396872.679363, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7569400, - "timestamp": 1715396872.694993, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7050500, - "timestamp": 1715396872.694993, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9431300, - "timestamp": 1715396872.710617, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18915400, - "timestamp": 1715396872.710617, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7581300, - "timestamp": 1715396872.726243, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6791700, - "timestamp": 1715396872.741863, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9519900, - "timestamp": 1715396872.741863, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18749800, - "timestamp": 1715396872.757486, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7582900, - "timestamp": 1715396872.773119, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6791400, - "timestamp": 1715396872.788736, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9485000, - "timestamp": 1715396872.788736, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18782200, - "timestamp": 1715396872.80436, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7541200, - "timestamp": 1715396872.819985, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6819800, - "timestamp": 1715396872.819985, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9466800, - "timestamp": 1715396872.835611, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18866800, - "timestamp": 1715396872.835611, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7574600, - "timestamp": 1715396872.86687, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6820100, - "timestamp": 1715396872.86687, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18950500, - "timestamp": 1715396872.882487, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7551600, - "timestamp": 1715396872.898112, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9863500, - "timestamp": 1715396872.898112, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6547400, - "timestamp": 1715396872.913738, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19040700, - "timestamp": 1715396872.913738, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7503400, - "timestamp": 1715396872.94499, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9479700, - "timestamp": 1715396872.94499, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6978800, - "timestamp": 1715396872.960615, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18789400, - "timestamp": 1715396872.960615, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7784500, - "timestamp": 1715396872.976239, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9445800, - "timestamp": 1715396872.991866, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7047400, - "timestamp": 1715396872.991866, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18807500, - "timestamp": 1715396873.007493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7519100, - "timestamp": 1715396873.023117, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9400100, - "timestamp": 1715396873.03874, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6818300, - "timestamp": 1715396873.03874, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18847100, - "timestamp": 1715396873.054363, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7541600, - "timestamp": 1715396873.069996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9505100, - "timestamp": 1715396873.069996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6790400, - "timestamp": 1715396873.085621, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18822400, - "timestamp": 1715396873.085621, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9423300, - "timestamp": 1715396873.116868, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7599900, - "timestamp": 1715396873.116868, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6792200, - "timestamp": 1715396873.132494, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18791300, - "timestamp": 1715396873.132494, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9488200, - "timestamp": 1715396873.148123, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7524500, - "timestamp": 1715396873.163744, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6835900, - "timestamp": 1715396873.163744, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18908200, - "timestamp": 1715396873.179365, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9724400, - "timestamp": 1715396873.195588, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7489800, - "timestamp": 1715396873.211118, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6606800, - "timestamp": 1715396873.211118, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19035500, - "timestamp": 1715396873.211118, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9416400, - "timestamp": 1715396873.242404, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7631400, - "timestamp": 1715396873.242404, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6974400, - "timestamp": 1715396873.258027, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 20713900, - "timestamp": 1715396873.258027, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9470600, - "timestamp": 1715396873.289283, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7634100, - "timestamp": 1715396873.289283, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7535900, - "timestamp": 1715396873.304909, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7027800, - "timestamp": 1715396873.304909, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9435900, - "timestamp": 1715396873.320529, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18985100, - "timestamp": 1715396873.320529, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7655400, - "timestamp": 1715396873.336159, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6980900, - "timestamp": 1715396873.351782, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9486900, - "timestamp": 1715396873.351782, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18919100, - "timestamp": 1715396873.367403, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7747700, - "timestamp": 1715396873.383034, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6975300, - "timestamp": 1715396873.398659, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9503500, - "timestamp": 1715396873.398659, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18915200, - "timestamp": 1715396873.414277, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7624800, - "timestamp": 1715396873.42991, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7057200, - "timestamp": 1715396873.42991, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9641100, - "timestamp": 1715396873.445532, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19342300, - "timestamp": 1715396873.461153, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7465800, - "timestamp": 1715396873.47678, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6956600, - "timestamp": 1715396873.47678, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9497300, - "timestamp": 1715396873.492404, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19154000, - "timestamp": 1715396873.492404, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7518700, - "timestamp": 1715396873.523657, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6978300, - "timestamp": 1715396873.523657, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19043800, - "timestamp": 1715396873.523657, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9422100, - "timestamp": 1715396873.554904, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7574100, - "timestamp": 1715396873.554904, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6980000, - "timestamp": 1715396873.570529, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18909900, - "timestamp": 1715396873.570529, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9540900, - "timestamp": 1715396873.586155, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7588700, - "timestamp": 1715396873.60178, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6978700, - "timestamp": 1715396873.617405, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18989900, - "timestamp": 1715396873.617405, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9636500, - "timestamp": 1715396873.633029, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7577000, - "timestamp": 1715396873.648655, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6995200, - "timestamp": 1715396873.648655, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18964100, - "timestamp": 1715396873.664281, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9532200, - "timestamp": 1715396873.679905, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7551100, - "timestamp": 1715396873.695531, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6978300, - "timestamp": 1715396873.695531, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18962600, - "timestamp": 1715396873.695531, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9474200, - "timestamp": 1715396873.726781, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7679800, - "timestamp": 1715396873.726781, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9498800, - "timestamp": 1715396873.742438, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6852400, - "timestamp": 1715396873.742438, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18887300, - "timestamp": 1715396873.758034, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7800900, - "timestamp": 1715396873.773661, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9500900, - "timestamp": 1715396873.789289, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6845200, - "timestamp": 1715396873.789289, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18997400, - "timestamp": 1715396873.804919, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7530800, - "timestamp": 1715396873.820545, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9525100, - "timestamp": 1715396873.820545, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6789900, - "timestamp": 1715396873.836168, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18957000, - "timestamp": 1715396873.836168, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7540500, - "timestamp": 1715396873.867418, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9513400, - "timestamp": 1715396873.867418, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6978700, - "timestamp": 1715396873.883039, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18963700, - "timestamp": 1715396873.883039, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7895100, - "timestamp": 1715396873.898674, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9459100, - "timestamp": 1715396873.914298, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6654400, - "timestamp": 1715396873.914298, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19266700, - "timestamp": 1715396873.929923, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7666300, - "timestamp": 1715396873.945551, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9473600, - "timestamp": 1715396873.961173, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19052100, - "timestamp": 1715396873.961173, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6892000, - "timestamp": 1715396873.976794, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7526100, - "timestamp": 1715396873.992417, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9700700, - "timestamp": 1715396873.992417, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18921900, - "timestamp": 1715396874.008044, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6861500, - "timestamp": 1715396874.023672, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7552100, - "timestamp": 1715396874.039294, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9571100, - "timestamp": 1715396874.039294, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18866300, - "timestamp": 1715396874.054918, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6792700, - "timestamp": 1715396874.070553, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7668400, - "timestamp": 1715396874.070553, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9511300, - "timestamp": 1715396874.086173, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18939400, - "timestamp": 1715396874.086173, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6796200, - "timestamp": 1715396874.117423, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7597900, - "timestamp": 1715396874.117423, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9495500, - "timestamp": 1715396874.133052, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18877400, - "timestamp": 1715396874.133052, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6901100, - "timestamp": 1715396874.148675, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7569500, - "timestamp": 1715396874.1643, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19245000, - "timestamp": 1715396874.1643, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6855900, - "timestamp": 1715396874.196257, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9729000, - "timestamp": 1715396874.196257, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7546500, - "timestamp": 1715396874.211288, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18838200, - "timestamp": 1715396874.211288, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6579800, - "timestamp": 1715396874.226947, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9442300, - "timestamp": 1715396874.242571, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7592500, - "timestamp": 1715396874.242571, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18972600, - "timestamp": 1715396874.258195, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6608000, - "timestamp": 1715396874.273821, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9457400, - "timestamp": 1715396874.273821, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7560100, - "timestamp": 1715396874.289449, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18974700, - "timestamp": 1715396874.305071, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6553900, - "timestamp": 1715396874.320697, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9490400, - "timestamp": 1715396874.320697, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7578500, - "timestamp": 1715396874.336321, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18868300, - "timestamp": 1715396874.336321, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6735500, - "timestamp": 1715396874.351947, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9669000, - "timestamp": 1715396874.367572, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7533500, - "timestamp": 1715396874.383198, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18841500, - "timestamp": 1715396874.383198, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9555500, - "timestamp": 1715396874.398834, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6670500, - "timestamp": 1715396874.414455, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7586100, - "timestamp": 1715396874.414455, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19034700, - "timestamp": 1715396874.430078, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9488500, - "timestamp": 1715396874.445708, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6604400, - "timestamp": 1715396874.461335, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7520700, - "timestamp": 1715396874.461335, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19198700, - "timestamp": 1715396874.461335, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9403400, - "timestamp": 1715396874.492583, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6832800, - "timestamp": 1715396874.492583, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7504100, - "timestamp": 1715396874.508271, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19000000, - "timestamp": 1715396874.508271, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9536800, - "timestamp": 1715396874.523828, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6544600, - "timestamp": 1715396874.539457, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7593100, - "timestamp": 1715396874.539457, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19106300, - "timestamp": 1715396874.555081, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9711700, - "timestamp": 1715396874.570704, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6790800, - "timestamp": 1715396874.586332, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9802700, - "timestamp": 1715396874.586332, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6548600, - "timestamp": 1715396874.602558, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7544800, - "timestamp": 1715396874.602558, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 20700100, - "timestamp": 1715396874.61808, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9923500, - "timestamp": 1715396874.633738, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6840500, - "timestamp": 1715396874.649366, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7487600, - "timestamp": 1715396874.649366, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 20243000, - "timestamp": 1715396874.664991, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9560700, - "timestamp": 1715396874.680613, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6605200, - "timestamp": 1715396874.696241, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7462900, - "timestamp": 1715396874.696241, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18949600, - "timestamp": 1715396874.696241, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9380100, - "timestamp": 1715396874.727493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6857400, - "timestamp": 1715396874.727493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7488700, - "timestamp": 1715396874.743117, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18987300, - "timestamp": 1715396874.743117, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9488700, - "timestamp": 1715396874.758742, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6793700, - "timestamp": 1715396874.774368, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7664700, - "timestamp": 1715396874.774368, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19038800, - "timestamp": 1715396874.789989, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9441200, - "timestamp": 1715396874.805618, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6792000, - "timestamp": 1715396874.821244, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18884700, - "timestamp": 1715396874.821244, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7538700, - "timestamp": 1715396874.836869, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9454400, - "timestamp": 1715396874.852492, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7032400, - "timestamp": 1715396874.852492, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18848900, - "timestamp": 1715396874.868122, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7556000, - "timestamp": 1715396874.883744, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9453000, - "timestamp": 1715396874.899369, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7031300, - "timestamp": 1715396874.899369, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18830300, - "timestamp": 1715396874.914993, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7557900, - "timestamp": 1715396874.930619, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9532500, - "timestamp": 1715396874.930619, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6979100, - "timestamp": 1715396874.946243, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18938400, - "timestamp": 1715396874.946243, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7549000, - "timestamp": 1715396874.977496, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 10124500, - "timestamp": 1715396874.977496, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6792700, - "timestamp": 1715396874.993126, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18875700, - "timestamp": 1715396874.993126, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7658400, - "timestamp": 1715396875.008746, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9472500, - "timestamp": 1715396875.024371, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7521200, - "timestamp": 1715396875.040027, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6792100, - "timestamp": 1715396875.040027, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19271000, - "timestamp": 1715396875.040027, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9464900, - "timestamp": 1715396875.071274, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7570200, - "timestamp": 1715396875.071274, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6977000, - "timestamp": 1715396875.086882, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18894500, - "timestamp": 1715396875.086882, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9754600, - "timestamp": 1715396875.102506, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7607000, - "timestamp": 1715396875.118132, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6621200, - "timestamp": 1715396875.13375, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19162100, - "timestamp": 1715396875.13375, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9419300, - "timestamp": 1715396875.149376, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7617400, - "timestamp": 1715396875.165001, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6828100, - "timestamp": 1715396875.165001, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18884000, - "timestamp": 1715396875.180626, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9666100, - "timestamp": 1715396875.196931, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7604100, - "timestamp": 1715396875.211951, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6671800, - "timestamp": 1715396875.211951, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19018500, - "timestamp": 1715396875.211951, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9477800, - "timestamp": 1715396875.243231, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7598300, - "timestamp": 1715396875.243231, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18900200, - "timestamp": 1715396875.258854, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6622000, - "timestamp": 1715396875.27448, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9499100, - "timestamp": 1715396875.27448, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7543200, - "timestamp": 1715396875.290111, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18838900, - "timestamp": 1715396875.290111, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6616400, - "timestamp": 1715396875.321363, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9582800, - "timestamp": 1715396875.321363, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7495800, - "timestamp": 1715396875.336987, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18784200, - "timestamp": 1715396875.336987, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6670500, - "timestamp": 1715396875.352613, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9431400, - "timestamp": 1715396875.368237, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7806000, - "timestamp": 1715396875.368237, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18800800, - "timestamp": 1715396875.38386, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7112900, - "timestamp": 1715396875.399482, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9660900, - "timestamp": 1715396875.415107, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7563300, - "timestamp": 1715396875.415107, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18904000, - "timestamp": 1715396875.430742, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6616300, - "timestamp": 1715396875.446366, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9510700, - "timestamp": 1715396875.446366, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19207300, - "timestamp": 1715396875.461991, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6656200, - "timestamp": 1715396875.477617, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7540400, - "timestamp": 1715396875.49324, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9524100, - "timestamp": 1715396875.49324, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18774700, - "timestamp": 1715396875.508929, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6606100, - "timestamp": 1715396875.524493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7622100, - "timestamp": 1715396875.524493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9488400, - "timestamp": 1715396875.540116, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18882100, - "timestamp": 1715396875.540116, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6608900, - "timestamp": 1715396875.571367, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7615600, - "timestamp": 1715396875.571367, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9465900, - "timestamp": 1715396875.586992, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19188200, - "timestamp": 1715396875.586992, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6777900, - "timestamp": 1715396875.602619, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7522500, - "timestamp": 1715396875.618246, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9683500, - "timestamp": 1715396875.618246, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18908200, - "timestamp": 1715396875.633866, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7019800, - "timestamp": 1715396875.649493, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7549400, - "timestamp": 1715396875.66512, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9558300, - "timestamp": 1715396875.66512, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18951600, - "timestamp": 1715396875.680774, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7561500, - "timestamp": 1715396875.696388, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7021500, - "timestamp": 1715396875.696388, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9564300, - "timestamp": 1715396875.711996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19054100, - "timestamp": 1715396875.711996, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7564900, - "timestamp": 1715396875.743242, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7003800, - "timestamp": 1715396875.743242, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9434800, - "timestamp": 1715396875.758869, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18883100, - "timestamp": 1715396875.758869, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7716900, - "timestamp": 1715396875.774492, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6549400, - "timestamp": 1715396875.790115, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9465400, - "timestamp": 1715396875.790115, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18903200, - "timestamp": 1715396875.805742, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7580300, - "timestamp": 1715396875.821368, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6605500, - "timestamp": 1715396875.836997, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9536800, - "timestamp": 1715396875.836997, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18851500, - "timestamp": 1715396875.852615, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7520900, - "timestamp": 1715396875.868245, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6664000, - "timestamp": 1715396875.868245, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18995200, - "timestamp": 1715396875.883869, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6612300, - "timestamp": 1715396875.899496, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7675800, - "timestamp": 1715396875.899496, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9499100, - "timestamp": 1715396875.915121, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18791300, - "timestamp": 1715396875.930744, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6608800, - "timestamp": 1715396875.946368, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7602600, - "timestamp": 1715396875.946368, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9541000, - "timestamp": 1715396875.961999, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18860500, - "timestamp": 1715396875.961999, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7012300, - "timestamp": 1715396875.97762, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7513500, - "timestamp": 1715396875.993249, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9487700, - "timestamp": 1715396875.993249, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18803100, - "timestamp": 1715396876.008872, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6851600, - "timestamp": 1715396876.024497, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7515900, - "timestamp": 1715396876.040124, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9472900, - "timestamp": 1715396876.040124, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18814800, - "timestamp": 1715396876.055743, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6794800, - "timestamp": 1715396876.071374, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 8478800, - "timestamp": 1715396876.071374, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9630700, - "timestamp": 1715396876.086998, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19734700, - "timestamp": 1715396876.102626, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6610400, - "timestamp": 1715396876.120579, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9740400, - "timestamp": 1715396876.120579, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7516000, - "timestamp": 1715396876.1341, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19330800, - "timestamp": 1715396876.1341, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6882400, - "timestamp": 1715396876.165385, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9442100, - "timestamp": 1715396876.165385, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7580100, - "timestamp": 1715396876.181007, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19124600, - "timestamp": 1715396876.181007, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6726300, - "timestamp": 1715396876.196981, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9458600, - "timestamp": 1715396876.21251, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7644200, - "timestamp": 1715396876.21251, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18847700, - "timestamp": 1715396876.228164, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6606300, - "timestamp": 1715396876.243795, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9463700, - "timestamp": 1715396876.243795, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7570600, - "timestamp": 1715396876.259419, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18899700, - "timestamp": 1715396876.275041, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6793600, - "timestamp": 1715396876.29067, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9605800, - "timestamp": 1715396876.29067, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7559200, - "timestamp": 1715396876.306298, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19047500, - "timestamp": 1715396876.306298, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7535800, - "timestamp": 1715396876.337543, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6608200, - "timestamp": 1715396876.337543, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9777000, - "timestamp": 1715396876.337543, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18848900, - "timestamp": 1715396876.35317, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7757200, - "timestamp": 1715396876.368804, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6607700, - "timestamp": 1715396876.384432, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9470400, - "timestamp": 1715396876.384432, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19011800, - "timestamp": 1715396876.400047, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7556900, - "timestamp": 1715396876.415671, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7082500, - "timestamp": 1715396876.415671, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9542700, - "timestamp": 1715396876.431302, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18937000, - "timestamp": 1715396876.446922, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7549700, - "timestamp": 1715396876.462554, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7047000, - "timestamp": 1715396876.462554, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9460800, - "timestamp": 1715396876.478177, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19010200, - "timestamp": 1715396876.478177, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7506600, - "timestamp": 1715396876.50948, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7043900, - "timestamp": 1715396876.50948, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9549600, - "timestamp": 1715396876.50948, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18833100, - "timestamp": 1715396876.525055, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7795600, - "timestamp": 1715396876.540681, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9456300, - "timestamp": 1715396876.556306, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7000700, - "timestamp": 1715396876.556306, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18881900, - "timestamp": 1715396876.571926, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7643900, - "timestamp": 1715396876.587548, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9460800, - "timestamp": 1715396876.603307, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7016700, - "timestamp": 1715396876.603831, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 19128300, - "timestamp": 1715396876.618855, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7519100, - "timestamp": 1715396876.634516, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9774100, - "timestamp": 1715396876.634516, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6547200, - "timestamp": 1715396876.650143, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18975400, - "timestamp": 1715396876.650143, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7571600, - "timestamp": 1715396876.681396, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9759000, - "timestamp": 1715396876.681396, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6547500, - "timestamp": 1715396876.697017, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18860800, - "timestamp": 1715396876.697017, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7561500, - "timestamp": 1715396876.71264, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9447900, - "timestamp": 1715396876.728264, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6825800, - "timestamp": 1715396876.728264, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18891100, - "timestamp": 1715396876.743889, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9533200, - "timestamp": 1715396876.759514, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6774700, - "timestamp": 1715396876.775139, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7560900, - "timestamp": 1715396876.775139, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18924400, - "timestamp": 1715396876.790765, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9475700, - "timestamp": 1715396876.80639, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6814300, - "timestamp": 1715396876.80639, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7574800, - "timestamp": 1715396876.822017, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18828700, - "timestamp": 1715396876.822017, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9438100, - "timestamp": 1715396876.837642, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6888500, - "timestamp": 1715396876.853268, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7606300, - "timestamp": 1715396876.868893, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18951300, - "timestamp": 1715396876.868893, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9503300, - "timestamp": 1715396876.884528, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6794800, - "timestamp": 1715396876.900156, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7661100, - "timestamp": 1715396876.900156, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18889000, - "timestamp": 1715396876.915774, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9507200, - "timestamp": 1715396876.931403, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6834800, - "timestamp": 1715396876.947025, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7728900, - "timestamp": 1715396876.947025, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18838700, - "timestamp": 1715396876.962646, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9458800, - "timestamp": 1715396876.97827, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 8115300, - "timestamp": 1715396876.97827, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6800600, - "timestamp": 1715396876.993895, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18966700, - "timestamp": 1715396876.993895, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9579100, - "timestamp": 1715396877.025148, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7571300, - "timestamp": 1715396877.025148, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6977200, - "timestamp": 1715396877.040774, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18903600, - "timestamp": 1715396877.040774, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9476500, - "timestamp": 1715396877.0564, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7512600, - "timestamp": 1715396877.07203, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 7022900, - "timestamp": 1715396877.07203, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18907600, - "timestamp": 1715396877.087649, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9704900, - "timestamp": 1715396877.103274, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7550600, - "timestamp": 1715396877.118902, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6742600, - "timestamp": 1715396877.118902, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "numpy", - "runtime": 18891300, - "timestamp": 1715396877.134525, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pygame", - "runtime": 9433300, - "timestamp": 1715396877.150154, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python", - "runtime": 7677800, - "timestamp": 1715396877.150154, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "dot", - "subject_id": "spatium", - "runtime": 6608500, - "timestamp": 1715396877.165778, - "sequence": [ - { - "benchmark_id": "dot", - "subject_id": "numpy" - }, - { - "benchmark_id": "dot", - "subject_id": "pygame" - }, - { - "benchmark_id": "dot", - "subject_id": "pure_python" - }, - { - "benchmark_id": "dot", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5492600, - "timestamp": 1715396877.212759, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5240700, - "timestamp": 1715396877.228413, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8444800, - "timestamp": 1715396877.228413, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5215700, - "timestamp": 1715396877.244044, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371200, - "timestamp": 1715396877.244044, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5254000, - "timestamp": 1715396877.244044, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8397900, - "timestamp": 1715396877.259667, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5161100, - "timestamp": 1715396877.259667, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5425500, - "timestamp": 1715396877.259667, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5240900, - "timestamp": 1715396877.275292, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8465900, - "timestamp": 1715396877.275292, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5158500, - "timestamp": 1715396877.290915, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373000, - "timestamp": 1715396877.290915, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5277700, - "timestamp": 1715396877.290915, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8276000, - "timestamp": 1715396877.306538, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5316500, - "timestamp": 1715396877.306538, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374500, - "timestamp": 1715396877.322166, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5189100, - "timestamp": 1715396877.322166, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8513500, - "timestamp": 1715396877.322166, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5296600, - "timestamp": 1715396877.33779, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373000, - "timestamp": 1715396877.33779, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5267700, - "timestamp": 1715396877.33779, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5258500, - "timestamp": 1715396877.353419, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8594300, - "timestamp": 1715396877.353419, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371100, - "timestamp": 1715396877.369042, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5230100, - "timestamp": 1715396877.369042, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5369100, - "timestamp": 1715396877.369042, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8276800, - "timestamp": 1715396877.384666, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5408800, - "timestamp": 1715396877.384666, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5190700, - "timestamp": 1715396877.400296, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5265300, - "timestamp": 1715396877.400296, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8534100, - "timestamp": 1715396877.400296, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5394500, - "timestamp": 1715396877.415921, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5208500, - "timestamp": 1715396877.415921, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5323700, - "timestamp": 1715396877.415921, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8459700, - "timestamp": 1715396877.431543, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5397900, - "timestamp": 1715396877.431543, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5227500, - "timestamp": 1715396877.447167, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5245900, - "timestamp": 1715396877.447167, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8482900, - "timestamp": 1715396877.447167, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373900, - "timestamp": 1715396877.462793, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8490600, - "timestamp": 1715396877.462793, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5208300, - "timestamp": 1715396877.478418, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5204000, - "timestamp": 1715396877.478418, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5395100, - "timestamp": 1715396877.478418, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8459000, - "timestamp": 1715396877.494043, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5369700, - "timestamp": 1715396877.494043, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5278800, - "timestamp": 1715396877.509729, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5376000, - "timestamp": 1715396877.509729, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8539000, - "timestamp": 1715396877.509729, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5226300, - "timestamp": 1715396877.525299, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 6662800, - "timestamp": 1715396877.525299, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371500, - "timestamp": 1715396877.540919, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8404500, - "timestamp": 1715396877.540919, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5242700, - "timestamp": 1715396877.556549, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5288400, - "timestamp": 1715396877.556549, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5404400, - "timestamp": 1715396877.556549, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8460800, - "timestamp": 1715396877.57217, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5182000, - "timestamp": 1715396877.57217, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5319400, - "timestamp": 1715396877.57217, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369900, - "timestamp": 1715396877.587794, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8557900, - "timestamp": 1715396877.587794, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5252100, - "timestamp": 1715396877.60342, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5181000, - "timestamp": 1715396877.60342, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5408000, - "timestamp": 1715396877.60342, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8516200, - "timestamp": 1715396877.619051, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5284600, - "timestamp": 1715396877.619051, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5264500, - "timestamp": 1715396877.634674, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372700, - "timestamp": 1715396877.634674, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8643600, - "timestamp": 1715396877.634674, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5260900, - "timestamp": 1715396877.650299, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5264100, - "timestamp": 1715396877.650299, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377700, - "timestamp": 1715396877.665924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8489700, - "timestamp": 1715396877.665924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5371500, - "timestamp": 1715396877.665924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5229800, - "timestamp": 1715396877.681546, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372400, - "timestamp": 1715396877.681546, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8418500, - "timestamp": 1715396877.681546, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5322600, - "timestamp": 1715396877.697171, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5351500, - "timestamp": 1715396877.697171, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377400, - "timestamp": 1715396877.712801, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5279900, - "timestamp": 1715396877.712801, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5262300, - "timestamp": 1715396877.712801, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8458800, - "timestamp": 1715396877.728424, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5564200, - "timestamp": 1715396877.728424, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5240200, - "timestamp": 1715396877.744047, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5191900, - "timestamp": 1715396877.744047, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8506700, - "timestamp": 1715396877.744047, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372900, - "timestamp": 1715396877.759676, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5286300, - "timestamp": 1715396877.759676, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5241500, - "timestamp": 1715396877.759676, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8582400, - "timestamp": 1715396877.775298, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5433900, - "timestamp": 1715396877.775298, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5218900, - "timestamp": 1715396877.790924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5212900, - "timestamp": 1715396877.790924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8618400, - "timestamp": 1715396877.790924, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374000, - "timestamp": 1715396877.806552, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5312100, - "timestamp": 1715396877.806552, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5239100, - "timestamp": 1715396877.822174, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8579500, - "timestamp": 1715396877.822174, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5412700, - "timestamp": 1715396877.822174, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5247800, - "timestamp": 1715396877.837801, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8603600, - "timestamp": 1715396877.837801, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5229000, - "timestamp": 1715396877.853427, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374200, - "timestamp": 1715396877.853427, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5331600, - "timestamp": 1715396877.853427, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8460500, - "timestamp": 1715396877.86905, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5226100, - "timestamp": 1715396877.86905, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371400, - "timestamp": 1715396877.884675, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5298900, - "timestamp": 1715396877.884675, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8675000, - "timestamp": 1715396877.884675, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5215500, - "timestamp": 1715396877.900304, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5536400, - "timestamp": 1715396877.900304, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5286200, - "timestamp": 1715396877.915939, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8583000, - "timestamp": 1715396877.915939, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5257200, - "timestamp": 1715396877.915939, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370700, - "timestamp": 1715396877.931562, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5258900, - "timestamp": 1715396877.931562, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8761600, - "timestamp": 1715396877.931562, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5257200, - "timestamp": 1715396877.947178, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5256700, - "timestamp": 1715396877.947178, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374500, - "timestamp": 1715396877.962802, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8544600, - "timestamp": 1715396877.962802, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5255200, - "timestamp": 1715396877.978428, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5233600, - "timestamp": 1715396877.978428, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5467700, - "timestamp": 1715396877.978428, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8642500, - "timestamp": 1715396877.994052, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5321900, - "timestamp": 1715396877.994052, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5271600, - "timestamp": 1715396878.009683, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371800, - "timestamp": 1715396878.009683, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8361600, - "timestamp": 1715396878.009683, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5279100, - "timestamp": 1715396878.025303, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5244300, - "timestamp": 1715396878.025303, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5669600, - "timestamp": 1715396878.025303, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8212100, - "timestamp": 1715396878.040927, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5264300, - "timestamp": 1715396878.040927, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5197700, - "timestamp": 1715396878.056555, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371700, - "timestamp": 1715396878.056555, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8370000, - "timestamp": 1715396878.056555, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5259300, - "timestamp": 1715396878.072179, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5219300, - "timestamp": 1715396878.072179, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373500, - "timestamp": 1715396878.087806, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5287700, - "timestamp": 1715396878.087806, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8309800, - "timestamp": 1715396878.087806, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5207300, - "timestamp": 1715396878.103431, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370700, - "timestamp": 1715396878.103431, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5323700, - "timestamp": 1715396878.103431, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8337400, - "timestamp": 1715396878.119055, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5258500, - "timestamp": 1715396878.119055, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372700, - "timestamp": 1715396878.13468, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5260000, - "timestamp": 1715396878.13468, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8510200, - "timestamp": 1715396878.13468, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5204400, - "timestamp": 1715396878.150305, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5416700, - "timestamp": 1715396878.150305, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5256800, - "timestamp": 1715396878.165932, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8458100, - "timestamp": 1715396878.165932, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5267800, - "timestamp": 1715396878.165932, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373800, - "timestamp": 1715396878.181553, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5312800, - "timestamp": 1715396878.181553, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8618000, - "timestamp": 1715396878.181553, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5203600, - "timestamp": 1715396878.197182, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8407500, - "timestamp": 1715396878.197182, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371900, - "timestamp": 1715396878.213438, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5634700, - "timestamp": 1715396878.213438, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5246300, - "timestamp": 1715396878.228459, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8343100, - "timestamp": 1715396878.228459, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5438400, - "timestamp": 1715396878.228459, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5224600, - "timestamp": 1715396878.244115, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5211100, - "timestamp": 1715396878.244115, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8541700, - "timestamp": 1715396878.244115, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374200, - "timestamp": 1715396878.25974, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5335000, - "timestamp": 1715396878.25974, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5241500, - "timestamp": 1715396878.275362, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8544800, - "timestamp": 1715396878.275362, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371200, - "timestamp": 1715396878.291001, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5337600, - "timestamp": 1715396878.291001, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5239500, - "timestamp": 1715396878.291001, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8456500, - "timestamp": 1715396878.306641, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373500, - "timestamp": 1715396878.306641, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5323400, - "timestamp": 1715396878.306641, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5205400, - "timestamp": 1715396878.322266, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8531200, - "timestamp": 1715396878.322266, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5245400, - "timestamp": 1715396878.337904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373900, - "timestamp": 1715396878.337904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5260700, - "timestamp": 1715396878.337904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8524600, - "timestamp": 1715396878.353528, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5350400, - "timestamp": 1715396878.353528, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371800, - "timestamp": 1715396878.369142, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5215200, - "timestamp": 1715396878.369142, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8583000, - "timestamp": 1715396878.369142, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5258400, - "timestamp": 1715396878.384767, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5407400, - "timestamp": 1715396878.384767, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5205500, - "timestamp": 1715396878.400392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8524300, - "timestamp": 1715396878.400392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5422100, - "timestamp": 1715396878.400392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5368600, - "timestamp": 1715396878.416017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5218600, - "timestamp": 1715396878.416017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8534700, - "timestamp": 1715396878.416017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5283000, - "timestamp": 1715396878.431642, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5391600, - "timestamp": 1715396878.431642, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5247200, - "timestamp": 1715396878.447268, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5328200, - "timestamp": 1715396878.447268, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5395600, - "timestamp": 1715396878.447268, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8520400, - "timestamp": 1715396878.462892, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5218700, - "timestamp": 1715396878.462892, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5323700, - "timestamp": 1715396878.478519, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374300, - "timestamp": 1715396878.478519, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8567100, - "timestamp": 1715396878.478519, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5269900, - "timestamp": 1715396878.494143, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5272700, - "timestamp": 1715396878.494143, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5427100, - "timestamp": 1715396878.494143, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8191300, - "timestamp": 1715396878.509845, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5267500, - "timestamp": 1715396878.509845, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5331200, - "timestamp": 1715396878.525393, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371700, - "timestamp": 1715396878.525393, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8428700, - "timestamp": 1715396878.525393, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5214300, - "timestamp": 1715396878.541019, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5336700, - "timestamp": 1715396878.541019, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369000, - "timestamp": 1715396878.556644, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8581300, - "timestamp": 1715396878.556644, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5198100, - "timestamp": 1715396878.556644, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5307200, - "timestamp": 1715396878.57227, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8603500, - "timestamp": 1715396878.57227, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5368700, - "timestamp": 1715396878.587894, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5175100, - "timestamp": 1715396878.587894, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5542500, - "timestamp": 1715396878.587894, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8214300, - "timestamp": 1715396878.60418, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5430600, - "timestamp": 1715396878.60418, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5192400, - "timestamp": 1715396878.6192, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5279600, - "timestamp": 1715396878.6192, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 11667200, - "timestamp": 1715396878.6192, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369600, - "timestamp": 1715396878.634852, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5263100, - "timestamp": 1715396878.634852, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5287200, - "timestamp": 1715396878.650482, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8616900, - "timestamp": 1715396878.650482, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371900, - "timestamp": 1715396878.666105, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5217800, - "timestamp": 1715396878.666105, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5355200, - "timestamp": 1715396878.666105, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8581500, - "timestamp": 1715396878.681731, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5406200, - "timestamp": 1715396878.681731, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8581400, - "timestamp": 1715396878.697355, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5380400, - "timestamp": 1715396878.697355, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5225700, - "timestamp": 1715396878.697355, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5273600, - "timestamp": 1715396878.712986, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8629000, - "timestamp": 1715396878.712986, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371500, - "timestamp": 1715396878.728606, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5180800, - "timestamp": 1715396878.728606, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5648200, - "timestamp": 1715396878.728606, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8234000, - "timestamp": 1715396878.744234, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5427500, - "timestamp": 1715396878.744234, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5232800, - "timestamp": 1715396878.759856, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5235200, - "timestamp": 1715396878.759856, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8771900, - "timestamp": 1715396878.759856, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372200, - "timestamp": 1715396878.775482, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5166900, - "timestamp": 1715396878.775482, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5456300, - "timestamp": 1715396878.775482, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8392100, - "timestamp": 1715396878.791114, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5400000, - "timestamp": 1715396878.791114, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5206000, - "timestamp": 1715396878.806736, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5258800, - "timestamp": 1715396878.806736, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8368200, - "timestamp": 1715396878.806736, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5368800, - "timestamp": 1715396878.822357, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5309100, - "timestamp": 1715396878.822357, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5214100, - "timestamp": 1715396878.837983, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8457500, - "timestamp": 1715396878.837983, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5645900, - "timestamp": 1715396878.837983, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5234500, - "timestamp": 1715396878.853611, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5204800, - "timestamp": 1715396878.853611, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8523200, - "timestamp": 1715396878.853611, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5378300, - "timestamp": 1715396878.869236, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5318100, - "timestamp": 1715396878.869236, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5238600, - "timestamp": 1715396878.884857, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 9419400, - "timestamp": 1715396878.884857, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369800, - "timestamp": 1715396878.900483, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5283300, - "timestamp": 1715396878.900483, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5311300, - "timestamp": 1715396878.900483, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8394700, - "timestamp": 1715396878.91612, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5394400, - "timestamp": 1715396878.91612, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5209900, - "timestamp": 1715396878.931738, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5244200, - "timestamp": 1715396878.931738, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8450900, - "timestamp": 1715396878.931738, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5230700, - "timestamp": 1715396878.947359, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371000, - "timestamp": 1715396878.947359, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5263900, - "timestamp": 1715396878.947359, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8457400, - "timestamp": 1715396878.962986, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5231700, - "timestamp": 1715396878.962986, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370400, - "timestamp": 1715396878.978614, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5237400, - "timestamp": 1715396878.978614, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8587100, - "timestamp": 1715396878.978614, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5241600, - "timestamp": 1715396878.994235, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5402700, - "timestamp": 1715396878.994235, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5226000, - "timestamp": 1715396879.009864, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8457800, - "timestamp": 1715396879.009864, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5220300, - "timestamp": 1715396879.009864, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377600, - "timestamp": 1715396879.025487, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5286500, - "timestamp": 1715396879.025487, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8540000, - "timestamp": 1715396879.025487, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5219000, - "timestamp": 1715396879.041112, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5396100, - "timestamp": 1715396879.041112, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5238900, - "timestamp": 1715396879.056736, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8548700, - "timestamp": 1715396879.056736, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5260700, - "timestamp": 1715396879.072361, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5262400, - "timestamp": 1715396879.072361, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5397200, - "timestamp": 1715396879.072361, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8509000, - "timestamp": 1715396879.088017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5260100, - "timestamp": 1715396879.088017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5286700, - "timestamp": 1715396879.088017, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372000, - "timestamp": 1715396879.103639, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8560800, - "timestamp": 1715396879.103639, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5258400, - "timestamp": 1715396879.119265, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5301200, - "timestamp": 1715396879.119265, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5402000, - "timestamp": 1715396879.119265, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8519100, - "timestamp": 1715396879.134889, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5314000, - "timestamp": 1715396879.134889, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5241600, - "timestamp": 1715396879.150516, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371800, - "timestamp": 1715396879.150516, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8624500, - "timestamp": 1715396879.150516, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5185600, - "timestamp": 1715396879.166141, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5323700, - "timestamp": 1715396879.166141, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369800, - "timestamp": 1715396879.181767, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8580600, - "timestamp": 1715396879.181767, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5356100, - "timestamp": 1715396879.181767, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369400, - "timestamp": 1715396879.197392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5227100, - "timestamp": 1715396879.197392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8763600, - "timestamp": 1715396879.197392, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5272200, - "timestamp": 1715396879.213645, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5392200, - "timestamp": 1715396879.213645, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5210200, - "timestamp": 1715396879.228698, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8730100, - "timestamp": 1715396879.228698, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5300800, - "timestamp": 1715396879.244395, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372600, - "timestamp": 1715396879.244395, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5332000, - "timestamp": 1715396879.244395, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8084100, - "timestamp": 1715396879.26002, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5296800, - "timestamp": 1715396879.26002, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5591800, - "timestamp": 1715396879.26002, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5221400, - "timestamp": 1715396879.275645, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8489700, - "timestamp": 1715396879.275645, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5257900, - "timestamp": 1715396879.291243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370000, - "timestamp": 1715396879.291243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5367100, - "timestamp": 1715396879.291243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8335600, - "timestamp": 1715396879.30687, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5379400, - "timestamp": 1715396879.30687, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5215000, - "timestamp": 1715396879.322495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373000, - "timestamp": 1715396879.322495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8282100, - "timestamp": 1715396879.322495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5206900, - "timestamp": 1715396879.338126, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5221400, - "timestamp": 1715396879.338126, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5422800, - "timestamp": 1715396879.338126, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8456300, - "timestamp": 1715396879.353749, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5313300, - "timestamp": 1715396879.353749, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5222000, - "timestamp": 1715396879.369373, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5378000, - "timestamp": 1715396879.369373, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8501700, - "timestamp": 1715396879.369373, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5248500, - "timestamp": 1715396879.384996, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5323800, - "timestamp": 1715396879.384996, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5381800, - "timestamp": 1715396879.400622, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8671700, - "timestamp": 1715396879.400622, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5251000, - "timestamp": 1715396879.416243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5251200, - "timestamp": 1715396879.416243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5420300, - "timestamp": 1715396879.416243, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5315200, - "timestamp": 1715396879.431868, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371200, - "timestamp": 1715396879.431868, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5259900, - "timestamp": 1715396879.431868, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8584500, - "timestamp": 1715396879.447495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5277500, - "timestamp": 1715396879.447495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5412700, - "timestamp": 1715396879.447495, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5230300, - "timestamp": 1715396879.463118, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8642100, - "timestamp": 1715396879.463118, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5288200, - "timestamp": 1715396879.478744, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5391000, - "timestamp": 1715396879.478744, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5303900, - "timestamp": 1715396879.478744, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8468700, - "timestamp": 1715396879.494371, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5524700, - "timestamp": 1715396879.494371, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377100, - "timestamp": 1715396879.510091, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5214500, - "timestamp": 1715396879.510091, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8476900, - "timestamp": 1715396879.510091, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5192400, - "timestamp": 1715396879.525623, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5400000, - "timestamp": 1715396879.525623, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5218100, - "timestamp": 1715396879.541247, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8456800, - "timestamp": 1715396879.541247, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5234000, - "timestamp": 1715396879.541247, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372500, - "timestamp": 1715396879.556871, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8430800, - "timestamp": 1715396879.556871, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5228300, - "timestamp": 1715396879.572496, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5225300, - "timestamp": 1715396879.572496, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5429400, - "timestamp": 1715396879.572496, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8214400, - "timestamp": 1715396879.588124, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5219100, - "timestamp": 1715396879.588124, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5292000, - "timestamp": 1715396879.588124, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371700, - "timestamp": 1715396879.603751, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8235300, - "timestamp": 1715396879.603751, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5205600, - "timestamp": 1715396879.619374, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5187500, - "timestamp": 1715396879.619374, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5422000, - "timestamp": 1715396879.619374, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8338200, - "timestamp": 1715396879.634999, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5264100, - "timestamp": 1715396879.634999, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5231400, - "timestamp": 1715396879.650624, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371500, - "timestamp": 1715396879.650624, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8373500, - "timestamp": 1715396879.650624, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5218400, - "timestamp": 1715396879.666249, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5259300, - "timestamp": 1715396879.666249, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5249100, - "timestamp": 1715396879.666249, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372000, - "timestamp": 1715396879.681877, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8443000, - "timestamp": 1715396879.681877, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5251400, - "timestamp": 1715396879.697502, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5186700, - "timestamp": 1715396879.697502, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5413100, - "timestamp": 1715396879.697502, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8209900, - "timestamp": 1715396879.713124, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5328600, - "timestamp": 1715396879.713124, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5216600, - "timestamp": 1715396879.72875, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370000, - "timestamp": 1715396879.72875, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8360800, - "timestamp": 1715396879.72875, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5260400, - "timestamp": 1715396879.744407, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5227500, - "timestamp": 1715396879.744407, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5399000, - "timestamp": 1715396879.744407, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8332000, - "timestamp": 1715396879.760029, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5315300, - "timestamp": 1715396879.760029, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5225200, - "timestamp": 1715396879.775652, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369500, - "timestamp": 1715396879.775652, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8384600, - "timestamp": 1715396879.775652, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5255300, - "timestamp": 1715396879.791278, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5300100, - "timestamp": 1715396879.791278, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8397100, - "timestamp": 1715396879.806904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377000, - "timestamp": 1715396879.806904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5310500, - "timestamp": 1715396879.806904, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5220200, - "timestamp": 1715396879.822528, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8601700, - "timestamp": 1715396879.822528, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370300, - "timestamp": 1715396879.838153, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5253600, - "timestamp": 1715396879.838153, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5276300, - "timestamp": 1715396879.838153, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8456600, - "timestamp": 1715396879.853754, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5464500, - "timestamp": 1715396879.853754, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5283900, - "timestamp": 1715396879.869375, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5224100, - "timestamp": 1715396879.869375, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8517500, - "timestamp": 1715396879.869375, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5374500, - "timestamp": 1715396879.885007, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5344800, - "timestamp": 1715396879.885007, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5423600, - "timestamp": 1715396879.900633, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8273200, - "timestamp": 1715396879.900633, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5419500, - "timestamp": 1715396879.900633, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5233100, - "timestamp": 1715396879.916254, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8484000, - "timestamp": 1715396879.916254, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5377300, - "timestamp": 1715396879.931878, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5184600, - "timestamp": 1715396879.931878, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5208700, - "timestamp": 1715396879.931878, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8456900, - "timestamp": 1715396879.947502, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5415800, - "timestamp": 1715396879.947502, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5219100, - "timestamp": 1715396879.963127, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5208400, - "timestamp": 1715396879.963127, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8490000, - "timestamp": 1715396879.963127, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5373700, - "timestamp": 1715396879.978753, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5257000, - "timestamp": 1715396879.978753, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5623000, - "timestamp": 1715396879.978753, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8276800, - "timestamp": 1715396879.994379, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 6859200, - "timestamp": 1715396879.994379, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5268200, - "timestamp": 1715396880.010006, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5250600, - "timestamp": 1715396880.010006, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8629000, - "timestamp": 1715396880.010006, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5371200, - "timestamp": 1715396880.026244, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5617500, - "timestamp": 1715396880.026244, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5246300, - "timestamp": 1715396880.041761, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8680600, - "timestamp": 1715396880.041761, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5213300, - "timestamp": 1715396880.057416, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5369500, - "timestamp": 1715396880.057416, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5334100, - "timestamp": 1715396880.057416, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8766100, - "timestamp": 1715396880.073039, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5211700, - "timestamp": 1715396880.073039, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5395600, - "timestamp": 1715396880.073039, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5324000, - "timestamp": 1715396880.088672, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8794300, - "timestamp": 1715396880.088672, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5210800, - "timestamp": 1715396880.104292, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5368700, - "timestamp": 1715396880.104292, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5540500, - "timestamp": 1715396880.104292, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8151900, - "timestamp": 1715396880.119914, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5264400, - "timestamp": 1715396880.119914, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5372900, - "timestamp": 1715396880.135538, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "numpy", - "runtime": 5270800, - "timestamp": 1715396880.135538, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pygame", - "runtime": 8387000, - "timestamp": 1715396880.135538, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python", - "runtime": 5206600, - "timestamp": 1715396880.151165, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "equality", - "subject_id": "spatium", - "runtime": 5370400, - "timestamp": 1715396880.151165, - "sequence": [ - { - "benchmark_id": "equality", - "subject_id": "numpy" - }, - { - "benchmark_id": "equality", - "subject_id": "pygame" - }, - { - "benchmark_id": "equality", - "subject_id": "pure_python" - }, - { - "benchmark_id": "equality", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9717100, - "timestamp": 1715396880.214253, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9735900, - "timestamp": 1715396880.229774, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5131000, - "timestamp": 1715396880.229774, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6107500, - "timestamp": 1715396880.245431, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9981900, - "timestamp": 1715396880.245431, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9690000, - "timestamp": 1715396880.261051, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 6494500, - "timestamp": 1715396880.261051, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6551500, - "timestamp": 1715396880.276679, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9279400, - "timestamp": 1715396880.276679, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9721400, - "timestamp": 1715396880.292306, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4880600, - "timestamp": 1715396880.292306, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5907800, - "timestamp": 1715396880.30793, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9284800, - "timestamp": 1715396880.30793, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9752500, - "timestamp": 1715396880.323555, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4953000, - "timestamp": 1715396880.323555, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5973600, - "timestamp": 1715396880.339177, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9305900, - "timestamp": 1715396880.339177, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9675700, - "timestamp": 1715396880.354805, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5020600, - "timestamp": 1715396880.354805, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6214500, - "timestamp": 1715396880.37043, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8956400, - "timestamp": 1715396880.37043, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9775000, - "timestamp": 1715396880.37043, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6042500, - "timestamp": 1715396880.386056, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4819000, - "timestamp": 1715396880.401683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9166200, - "timestamp": 1715396880.401683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9768500, - "timestamp": 1715396880.401683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6037900, - "timestamp": 1715396880.417305, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4914400, - "timestamp": 1715396880.417305, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9318200, - "timestamp": 1715396880.432932, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9735800, - "timestamp": 1715396880.432932, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6032900, - "timestamp": 1715396880.448556, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4910400, - "timestamp": 1715396880.448556, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9319700, - "timestamp": 1715396880.464186, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9710800, - "timestamp": 1715396880.464186, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6026100, - "timestamp": 1715396880.479808, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5063100, - "timestamp": 1715396880.479808, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9291600, - "timestamp": 1715396880.495431, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9924100, - "timestamp": 1715396880.495431, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5983200, - "timestamp": 1715396880.511127, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5015000, - "timestamp": 1715396880.511127, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9265700, - "timestamp": 1715396880.526683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4904200, - "timestamp": 1715396880.526683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9753500, - "timestamp": 1715396880.526683, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5942300, - "timestamp": 1715396880.542305, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9425800, - "timestamp": 1715396880.542305, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4952800, - "timestamp": 1715396880.557932, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9727400, - "timestamp": 1715396880.557932, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6048600, - "timestamp": 1715396880.573555, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9429100, - "timestamp": 1715396880.573555, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4913400, - "timestamp": 1715396880.589181, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9940600, - "timestamp": 1715396880.589181, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5979800, - "timestamp": 1715396880.605407, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9324600, - "timestamp": 1715396880.605407, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4977600, - "timestamp": 1715396880.620926, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9749400, - "timestamp": 1715396880.620926, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6061200, - "timestamp": 1715396880.636577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9313500, - "timestamp": 1715396880.636577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4914900, - "timestamp": 1715396880.652203, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9713300, - "timestamp": 1715396880.652203, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5937100, - "timestamp": 1715396880.667828, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9246600, - "timestamp": 1715396880.667828, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4910200, - "timestamp": 1715396880.683453, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5963700, - "timestamp": 1715396880.683453, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9742700, - "timestamp": 1715396880.683453, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9303900, - "timestamp": 1715396880.699082, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4935500, - "timestamp": 1715396880.714704, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6018400, - "timestamp": 1715396880.714704, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9741700, - "timestamp": 1715396880.714704, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9804200, - "timestamp": 1715396880.730334, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4956900, - "timestamp": 1715396880.747039, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6067600, - "timestamp": 1715396880.747562, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9803900, - "timestamp": 1715396880.747562, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9264200, - "timestamp": 1715396880.762087, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4964900, - "timestamp": 1715396880.762087, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6049700, - "timestamp": 1715396880.777748, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9960100, - "timestamp": 1715396880.777748, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8928500, - "timestamp": 1715396880.793376, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4870700, - "timestamp": 1715396880.793376, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6160400, - "timestamp": 1715396880.809006, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9772100, - "timestamp": 1715396880.809006, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9013700, - "timestamp": 1715396880.824635, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6138800, - "timestamp": 1715396880.824635, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9802100, - "timestamp": 1715396880.840269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5016300, - "timestamp": 1715396880.840269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9385900, - "timestamp": 1715396880.855872, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6098900, - "timestamp": 1715396880.855872, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9775000, - "timestamp": 1715396880.871513, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4999700, - "timestamp": 1715396880.871513, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9662400, - "timestamp": 1715396880.887126, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6436800, - "timestamp": 1715396880.887126, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9708700, - "timestamp": 1715396880.902755, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5202000, - "timestamp": 1715396880.902755, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8870500, - "timestamp": 1715396880.918424, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6099000, - "timestamp": 1715396880.918424, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9736700, - "timestamp": 1715396880.934012, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4907800, - "timestamp": 1715396880.934012, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9085800, - "timestamp": 1715396880.934012, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6070200, - "timestamp": 1715396880.949626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9821400, - "timestamp": 1715396880.949626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4903200, - "timestamp": 1715396880.965248, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9067300, - "timestamp": 1715396880.965248, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6066700, - "timestamp": 1715396880.980871, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5016600, - "timestamp": 1715396880.980871, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9766300, - "timestamp": 1715396880.996495, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9195100, - "timestamp": 1715396880.996495, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5964300, - "timestamp": 1715396881.012123, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5119000, - "timestamp": 1715396881.012123, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9688900, - "timestamp": 1715396881.027755, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 12113700, - "timestamp": 1715396881.027755, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6067200, - "timestamp": 1715396881.043372, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4914100, - "timestamp": 1715396881.043372, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9677600, - "timestamp": 1715396881.059001, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9700800, - "timestamp": 1715396881.059001, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5965700, - "timestamp": 1715396881.074626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4946500, - "timestamp": 1715396881.074626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9726200, - "timestamp": 1715396881.090248, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9760700, - "timestamp": 1715396881.090248, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6050300, - "timestamp": 1715396881.105871, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5026100, - "timestamp": 1715396881.105871, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9745700, - "timestamp": 1715396881.121497, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9796600, - "timestamp": 1715396881.121497, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8921100, - "timestamp": 1715396881.137125, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4920200, - "timestamp": 1715396881.137125, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5968400, - "timestamp": 1715396881.152746, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9822500, - "timestamp": 1715396881.152746, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9200000, - "timestamp": 1715396881.168376, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4988700, - "timestamp": 1715396881.168376, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5971100, - "timestamp": 1715396881.183997, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9781100, - "timestamp": 1715396881.183997, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9195700, - "timestamp": 1715396881.199623, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5197600, - "timestamp": 1715396881.199623, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6002600, - "timestamp": 1715396881.216965, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9750300, - "timestamp": 1715396881.216965, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8923400, - "timestamp": 1715396881.230985, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4763400, - "timestamp": 1715396881.230985, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6107900, - "timestamp": 1715396881.230985, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9792200, - "timestamp": 1715396881.24664, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9227900, - "timestamp": 1715396881.262269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4863000, - "timestamp": 1715396881.262269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6003400, - "timestamp": 1715396881.262269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9718200, - "timestamp": 1715396881.277891, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9247500, - "timestamp": 1715396881.277891, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5964800, - "timestamp": 1715396881.293516, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4908000, - "timestamp": 1715396881.293516, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9740200, - "timestamp": 1715396881.309145, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9240400, - "timestamp": 1715396881.309145, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5995000, - "timestamp": 1715396881.324769, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4892800, - "timestamp": 1715396881.324769, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9729800, - "timestamp": 1715396881.340404, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9242000, - "timestamp": 1715396881.340404, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5983700, - "timestamp": 1715396881.356038, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4934400, - "timestamp": 1715396881.356038, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9718700, - "timestamp": 1715396881.371647, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9332000, - "timestamp": 1715396881.371647, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5960500, - "timestamp": 1715396881.387274, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4910700, - "timestamp": 1715396881.387274, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9736900, - "timestamp": 1715396881.387274, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9287600, - "timestamp": 1715396881.40291, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5948300, - "timestamp": 1715396881.418528, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4872600, - "timestamp": 1715396881.418528, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9995300, - "timestamp": 1715396881.418528, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5159200, - "timestamp": 1715396881.434151, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9007400, - "timestamp": 1715396881.434151, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6165200, - "timestamp": 1715396881.449771, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9993600, - "timestamp": 1715396881.449771, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5250200, - "timestamp": 1715396881.465396, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8575000, - "timestamp": 1715396881.465396, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6050500, - "timestamp": 1715396881.481026, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9804700, - "timestamp": 1715396881.481026, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5208000, - "timestamp": 1715396881.496645, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9360200, - "timestamp": 1715396881.496645, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6048600, - "timestamp": 1715396881.512333, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9803800, - "timestamp": 1715396881.512333, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5142000, - "timestamp": 1715396881.527898, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9306500, - "timestamp": 1715396881.527898, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6046100, - "timestamp": 1715396881.543524, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9812400, - "timestamp": 1715396881.543524, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5228100, - "timestamp": 1715396881.559146, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9298700, - "timestamp": 1715396881.559146, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6077500, - "timestamp": 1715396881.574773, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9838800, - "timestamp": 1715396881.574773, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5182100, - "timestamp": 1715396881.590398, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6036100, - "timestamp": 1715396881.590398, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9334000, - "timestamp": 1715396881.590398, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 10319300, - "timestamp": 1715396881.606026, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5209500, - "timestamp": 1715396881.621647, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6116800, - "timestamp": 1715396881.621647, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9288500, - "timestamp": 1715396881.621647, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9816100, - "timestamp": 1715396881.637278, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5202700, - "timestamp": 1715396881.6529, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6115200, - "timestamp": 1715396881.6529, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9155200, - "timestamp": 1715396881.6529, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9768600, - "timestamp": 1715396881.668521, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 4983400, - "timestamp": 1715396881.684146, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6130400, - "timestamp": 1715396881.684146, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9145300, - "timestamp": 1715396881.684146, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9842200, - "timestamp": 1715396881.69977, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5154000, - "timestamp": 1715396881.715396, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6117100, - "timestamp": 1715396881.715396, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9232300, - "timestamp": 1715396881.715396, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9821900, - "timestamp": 1715396881.731024, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6166400, - "timestamp": 1715396881.731024, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9231100, - "timestamp": 1715396881.746648, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5146600, - "timestamp": 1715396881.746648, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9795800, - "timestamp": 1715396881.762269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6169300, - "timestamp": 1715396881.762269, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9230800, - "timestamp": 1715396881.777897, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5231800, - "timestamp": 1715396881.777897, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9839500, - "timestamp": 1715396881.793524, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6203600, - "timestamp": 1715396881.793524, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9230700, - "timestamp": 1715396881.809147, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5269800, - "timestamp": 1715396881.809147, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9841600, - "timestamp": 1715396881.824772, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6132400, - "timestamp": 1715396881.824772, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9291600, - "timestamp": 1715396881.840397, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5256200, - "timestamp": 1715396881.840397, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9798100, - "timestamp": 1715396881.856032, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6178700, - "timestamp": 1715396881.856032, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9227800, - "timestamp": 1715396881.871657, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5268700, - "timestamp": 1715396881.871657, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9679300, - "timestamp": 1715396881.887271, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6228700, - "timestamp": 1715396881.887271, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5233700, - "timestamp": 1715396881.902911, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9304900, - "timestamp": 1715396881.902911, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9812100, - "timestamp": 1715396881.918523, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6453200, - "timestamp": 1715396881.918523, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5178900, - "timestamp": 1715396881.934154, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9287900, - "timestamp": 1715396881.934154, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9767800, - "timestamp": 1715396881.949781, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6099300, - "timestamp": 1715396881.949781, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5218300, - "timestamp": 1715396881.965403, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9197400, - "timestamp": 1715396881.965403, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9902400, - "timestamp": 1715396881.965403, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6080200, - "timestamp": 1715396881.981025, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5633300, - "timestamp": 1715396881.981025, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8924000, - "timestamp": 1715396881.996657, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9735100, - "timestamp": 1715396881.996657, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6137200, - "timestamp": 1715396882.012276, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5492200, - "timestamp": 1715396882.012276, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9319200, - "timestamp": 1715396882.027901, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5267500, - "timestamp": 1715396882.027901, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9319900, - "timestamp": 1715396882.04353, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9747000, - "timestamp": 1715396882.04353, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6101000, - "timestamp": 1715396882.059154, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5229000, - "timestamp": 1715396882.059154, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9352800, - "timestamp": 1715396882.074783, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9734400, - "timestamp": 1715396882.074783, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6142700, - "timestamp": 1715396882.090403, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5249300, - "timestamp": 1715396882.090403, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9354000, - "timestamp": 1715396882.106028, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9792800, - "timestamp": 1715396882.106028, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6093000, - "timestamp": 1715396882.121653, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5137300, - "timestamp": 1715396882.121653, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9350800, - "timestamp": 1715396882.137278, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9770500, - "timestamp": 1715396882.137278, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6172500, - "timestamp": 1715396882.152906, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5390800, - "timestamp": 1715396882.152906, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9154800, - "timestamp": 1715396882.168531, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9746900, - "timestamp": 1715396882.168531, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6078100, - "timestamp": 1715396882.184157, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5244600, - "timestamp": 1715396882.184157, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9280800, - "timestamp": 1715396882.184157, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6140500, - "timestamp": 1715396882.199777, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9957100, - "timestamp": 1715396882.199777, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5156000, - "timestamp": 1715396882.216048, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9007500, - "timestamp": 1715396882.216048, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6075000, - "timestamp": 1715396882.231075, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 10157100, - "timestamp": 1715396882.231075, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5173200, - "timestamp": 1715396882.246735, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9071000, - "timestamp": 1715396882.246735, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6132000, - "timestamp": 1715396882.262358, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9745900, - "timestamp": 1715396882.262358, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5198000, - "timestamp": 1715396882.277981, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9330300, - "timestamp": 1715396882.277981, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6174800, - "timestamp": 1715396882.293606, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9771100, - "timestamp": 1715396882.293606, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5267100, - "timestamp": 1715396882.30923, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9325200, - "timestamp": 1715396882.30923, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6174300, - "timestamp": 1715396882.324855, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9751900, - "timestamp": 1715396882.324855, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5179400, - "timestamp": 1715396882.34048, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9827100, - "timestamp": 1715396882.34048, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9316000, - "timestamp": 1715396882.356105, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6152600, - "timestamp": 1715396882.356105, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5163000, - "timestamp": 1715396882.37173, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9820200, - "timestamp": 1715396882.37173, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8951000, - "timestamp": 1715396882.387356, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6177300, - "timestamp": 1715396882.387356, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5117300, - "timestamp": 1715396882.402984, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9751400, - "timestamp": 1715396882.402984, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9225900, - "timestamp": 1715396882.418608, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6193700, - "timestamp": 1715396882.418608, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5126600, - "timestamp": 1715396882.434233, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9745700, - "timestamp": 1715396882.434233, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8951800, - "timestamp": 1715396882.449887, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6170800, - "timestamp": 1715396882.449887, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5114000, - "timestamp": 1715396882.46551, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9789200, - "timestamp": 1715396882.46551, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9232600, - "timestamp": 1715396882.481135, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6130200, - "timestamp": 1715396882.481135, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5164300, - "timestamp": 1715396882.49676, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9811600, - "timestamp": 1715396882.49676, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6289700, - "timestamp": 1715396882.51244, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8833300, - "timestamp": 1715396882.51244, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5210600, - "timestamp": 1715396882.51244, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9714000, - "timestamp": 1715396882.527985, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6261100, - "timestamp": 1715396882.527985, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8893900, - "timestamp": 1715396882.543608, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5234400, - "timestamp": 1715396882.543608, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9712100, - "timestamp": 1715396882.559233, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6197500, - "timestamp": 1715396882.559233, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8983600, - "timestamp": 1715396882.574859, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5277100, - "timestamp": 1715396882.574859, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9699700, - "timestamp": 1715396882.590481, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6187100, - "timestamp": 1715396882.590481, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9015600, - "timestamp": 1715396882.606699, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5406200, - "timestamp": 1715396882.606699, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9698300, - "timestamp": 1715396882.622222, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6191500, - "timestamp": 1715396882.622222, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9237800, - "timestamp": 1715396882.637877, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5276300, - "timestamp": 1715396882.637877, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6092300, - "timestamp": 1715396882.653504, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9253800, - "timestamp": 1715396882.653504, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9719000, - "timestamp": 1715396882.669131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5205800, - "timestamp": 1715396882.669131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6126900, - "timestamp": 1715396882.669131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9224500, - "timestamp": 1715396882.684753, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9758800, - "timestamp": 1715396882.684753, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5149400, - "timestamp": 1715396882.700377, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6113700, - "timestamp": 1715396882.700377, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9230200, - "timestamp": 1715396882.716001, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9816100, - "timestamp": 1715396882.716001, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5158800, - "timestamp": 1715396882.731627, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6137800, - "timestamp": 1715396882.731627, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9232500, - "timestamp": 1715396882.747262, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9769400, - "timestamp": 1715396882.747262, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5180900, - "timestamp": 1715396882.762877, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6124000, - "timestamp": 1715396882.762877, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9227300, - "timestamp": 1715396882.778503, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9796400, - "timestamp": 1715396882.778503, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5134600, - "timestamp": 1715396882.794128, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6185500, - "timestamp": 1715396882.794128, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9703700, - "timestamp": 1715396882.809753, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9292900, - "timestamp": 1715396882.809753, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5217300, - "timestamp": 1715396882.825378, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6125700, - "timestamp": 1715396882.825378, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9708800, - "timestamp": 1715396882.841005, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9335000, - "timestamp": 1715396882.841005, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5206200, - "timestamp": 1715396882.856626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6115400, - "timestamp": 1715396882.856626, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9666400, - "timestamp": 1715396882.872255, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9277300, - "timestamp": 1715396882.872255, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5116100, - "timestamp": 1715396882.887875, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6042900, - "timestamp": 1715396882.887875, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9669600, - "timestamp": 1715396882.887875, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9252400, - "timestamp": 1715396882.903505, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5176600, - "timestamp": 1715396882.919127, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6065700, - "timestamp": 1715396882.919127, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9790700, - "timestamp": 1715396882.919127, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9262700, - "timestamp": 1715396882.934754, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6074100, - "timestamp": 1715396882.950377, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9273700, - "timestamp": 1715396882.950377, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9728900, - "timestamp": 1715396882.966005, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5134400, - "timestamp": 1715396882.966005, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6085200, - "timestamp": 1715396882.981628, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9608300, - "timestamp": 1715396882.981628, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9689500, - "timestamp": 1715396882.997256, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5267500, - "timestamp": 1715396882.997256, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6419400, - "timestamp": 1715396883.012886, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9181200, - "timestamp": 1715396883.012886, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9706600, - "timestamp": 1715396883.028509, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5145000, - "timestamp": 1715396883.028509, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6263500, - "timestamp": 1715396883.028509, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9152900, - "timestamp": 1715396883.044131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9912400, - "timestamp": 1715396883.044131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5218000, - "timestamp": 1715396883.059758, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6172900, - "timestamp": 1715396883.059758, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9194800, - "timestamp": 1715396883.075381, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9686100, - "timestamp": 1715396883.075381, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5213000, - "timestamp": 1715396883.091006, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6132000, - "timestamp": 1715396883.091006, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9194900, - "timestamp": 1715396883.106629, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5200300, - "timestamp": 1715396883.106629, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9674600, - "timestamp": 1715396883.122256, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6181100, - "timestamp": 1715396883.122256, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9195400, - "timestamp": 1715396883.13788, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5208900, - "timestamp": 1715396883.13788, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9639500, - "timestamp": 1715396883.153506, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6157600, - "timestamp": 1715396883.153506, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9195200, - "timestamp": 1715396883.169131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5175000, - "timestamp": 1715396883.169131, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9701400, - "timestamp": 1715396883.184756, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6193100, - "timestamp": 1715396883.184756, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9194400, - "timestamp": 1715396883.200382, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5190900, - "timestamp": 1715396883.200382, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9860500, - "timestamp": 1715396883.200382, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6106200, - "timestamp": 1715396883.216639, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9288700, - "timestamp": 1715396883.231663, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5200300, - "timestamp": 1715396883.231663, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9751500, - "timestamp": 1715396883.231663, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6012700, - "timestamp": 1715396883.247321, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9781800, - "timestamp": 1715396883.247321, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9054300, - "timestamp": 1715396883.262948, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5168900, - "timestamp": 1715396883.278571, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6157100, - "timestamp": 1715396883.278571, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9862100, - "timestamp": 1715396883.278571, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9264800, - "timestamp": 1715396883.294194, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5179100, - "timestamp": 1715396883.309818, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6199700, - "timestamp": 1715396883.309818, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9951500, - "timestamp": 1715396883.309818, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8675100, - "timestamp": 1715396883.325442, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5109900, - "timestamp": 1715396883.341072, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6135900, - "timestamp": 1715396883.341072, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9633800, - "timestamp": 1715396883.341072, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9046500, - "timestamp": 1715396883.356695, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5191700, - "timestamp": 1715396883.356695, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 5995900, - "timestamp": 1715396883.372319, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9654200, - "timestamp": 1715396883.372319, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9048700, - "timestamp": 1715396883.387944, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5157700, - "timestamp": 1715396883.387944, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6115000, - "timestamp": 1715396883.403578, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9680200, - "timestamp": 1715396883.403578, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5195400, - "timestamp": 1715396883.419196, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9386000, - "timestamp": 1715396883.419196, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6084000, - "timestamp": 1715396883.434821, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9674200, - "timestamp": 1715396883.434821, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5226200, - "timestamp": 1715396883.450449, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9336400, - "timestamp": 1715396883.450449, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6111800, - "timestamp": 1715396883.466071, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9682800, - "timestamp": 1715396883.466071, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5162700, - "timestamp": 1715396883.481696, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9360700, - "timestamp": 1715396883.481696, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6064500, - "timestamp": 1715396883.497322, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9734400, - "timestamp": 1715396883.497322, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5169700, - "timestamp": 1715396883.513017, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9044000, - "timestamp": 1715396883.513017, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6166700, - "timestamp": 1715396883.513017, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9740900, - "timestamp": 1715396883.528572, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5643000, - "timestamp": 1715396883.528572, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 8922600, - "timestamp": 1715396883.544197, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6334800, - "timestamp": 1715396883.544197, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5108200, - "timestamp": 1715396883.559824, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9251800, - "timestamp": 1715396883.559824, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9698400, - "timestamp": 1715396883.575451, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6133100, - "timestamp": 1715396883.575451, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5119600, - "timestamp": 1715396883.591072, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9322800, - "timestamp": 1715396883.591072, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9732700, - "timestamp": 1715396883.606698, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6115900, - "timestamp": 1715396883.606698, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5151900, - "timestamp": 1715396883.622324, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9238600, - "timestamp": 1715396883.622324, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9669800, - "timestamp": 1715396883.637951, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6193000, - "timestamp": 1715396883.637951, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5176900, - "timestamp": 1715396883.653577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9232600, - "timestamp": 1715396883.653577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9721300, - "timestamp": 1715396883.6692, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6179000, - "timestamp": 1715396883.6692, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5278200, - "timestamp": 1715396883.684826, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9194400, - "timestamp": 1715396883.684826, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9752800, - "timestamp": 1715396883.684826, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6195500, - "timestamp": 1715396883.700451, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5172800, - "timestamp": 1715396883.716078, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9751500, - "timestamp": 1715396883.716078, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9295200, - "timestamp": 1715396883.716078, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6164100, - "timestamp": 1715396883.7317, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5239600, - "timestamp": 1715396883.7317, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9732800, - "timestamp": 1715396883.747325, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9300900, - "timestamp": 1715396883.747325, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6165400, - "timestamp": 1715396883.762951, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5253100, - "timestamp": 1715396883.762951, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9752700, - "timestamp": 1715396883.778577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9297800, - "timestamp": 1715396883.778577, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6132400, - "timestamp": 1715396883.794201, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5472000, - "timestamp": 1715396883.794201, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9757700, - "timestamp": 1715396883.809826, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9812300, - "timestamp": 1715396883.809826, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "numpy", - "runtime": 6053500, - "timestamp": 1715396883.825451, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame", - "runtime": 5183900, - "timestamp": 1715396883.825451, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python", - "runtime": 9673300, - "timestamp": 1715396883.841075, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium", - "runtime": 9277300, - "timestamp": 1715396883.841075, - "sequence": [ - { - "benchmark_id": "iteration", - "subject_id": "numpy" - }, - { - "benchmark_id": "iteration", - "subject_id": "pygame" - }, - { - "benchmark_id": "iteration", - "subject_id": "pure_python" - }, - { - "benchmark_id": "iteration", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6506100, - "timestamp": 1715396883.90358, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8323900, - "timestamp": 1715396883.90358, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8308500, - "timestamp": 1715396883.919204, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6587400, - "timestamp": 1715396883.919204, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8331200, - "timestamp": 1715396883.934826, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8304700, - "timestamp": 1715396883.934826, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6485600, - "timestamp": 1715396883.950452, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8340700, - "timestamp": 1715396883.950452, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8273400, - "timestamp": 1715396883.966075, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6508800, - "timestamp": 1715396883.966075, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8316400, - "timestamp": 1715396883.981703, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8453200, - "timestamp": 1715396883.981703, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6486300, - "timestamp": 1715396883.997327, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8366900, - "timestamp": 1715396883.997327, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8261400, - "timestamp": 1715396884.012963, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6484400, - "timestamp": 1715396884.012963, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8396400, - "timestamp": 1715396884.012963, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8325600, - "timestamp": 1715396884.028577, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6425200, - "timestamp": 1715396884.044231, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8378800, - "timestamp": 1715396884.044231, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8623200, - "timestamp": 1715396884.059854, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6433600, - "timestamp": 1715396884.059854, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8556600, - "timestamp": 1715396884.059854, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8382800, - "timestamp": 1715396884.075479, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6179600, - "timestamp": 1715396884.091083, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8333500, - "timestamp": 1715396884.091083, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8407600, - "timestamp": 1715396884.091083, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6007900, - "timestamp": 1715396884.106703, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8367900, - "timestamp": 1715396884.106703, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8275400, - "timestamp": 1715396884.122334, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6441500, - "timestamp": 1715396884.122334, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8344700, - "timestamp": 1715396884.137954, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8283600, - "timestamp": 1715396884.137954, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6421000, - "timestamp": 1715396884.153579, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8376700, - "timestamp": 1715396884.153579, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8233100, - "timestamp": 1715396884.169203, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6257500, - "timestamp": 1715396884.169203, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8329700, - "timestamp": 1715396884.184829, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8319800, - "timestamp": 1715396884.184829, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6270400, - "timestamp": 1715396884.200455, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8383200, - "timestamp": 1715396884.200455, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8263600, - "timestamp": 1715396884.216079, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6543200, - "timestamp": 1715396884.216079, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8340000, - "timestamp": 1715396884.232297, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8328300, - "timestamp": 1715396884.232297, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6181300, - "timestamp": 1715396884.24782, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8373900, - "timestamp": 1715396884.24782, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8304200, - "timestamp": 1715396884.263478, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6329600, - "timestamp": 1715396884.263478, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8324100, - "timestamp": 1715396884.279102, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8293700, - "timestamp": 1715396884.279102, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6251600, - "timestamp": 1715396884.294726, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8313200, - "timestamp": 1715396884.294726, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8354800, - "timestamp": 1715396884.310353, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6288300, - "timestamp": 1715396884.310353, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8268500, - "timestamp": 1715396884.325976, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8361900, - "timestamp": 1715396884.325976, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6187600, - "timestamp": 1715396884.341602, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8275200, - "timestamp": 1715396884.341602, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8341800, - "timestamp": 1715396884.357226, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6282300, - "timestamp": 1715396884.357226, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8239300, - "timestamp": 1715396884.372853, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8430800, - "timestamp": 1715396884.372853, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6423100, - "timestamp": 1715396884.388478, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8475400, - "timestamp": 1715396884.388478, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8369100, - "timestamp": 1715396884.4041, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6419700, - "timestamp": 1715396884.4041, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8285900, - "timestamp": 1715396884.419727, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8473800, - "timestamp": 1715396884.419727, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6371200, - "timestamp": 1715396884.435351, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8310600, - "timestamp": 1715396884.435351, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8330100, - "timestamp": 1715396884.450974, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6361200, - "timestamp": 1715396884.450974, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8277200, - "timestamp": 1715396884.450974, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8366000, - "timestamp": 1715396884.466601, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6366100, - "timestamp": 1715396884.482224, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8327600, - "timestamp": 1715396884.482224, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8364800, - "timestamp": 1715396884.482224, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6367400, - "timestamp": 1715396884.497854, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8510300, - "timestamp": 1715396884.497854, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8369900, - "timestamp": 1715396884.513555, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6183200, - "timestamp": 1715396884.529103, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8252900, - "timestamp": 1715396884.529103, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8336900, - "timestamp": 1715396884.529103, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6183400, - "timestamp": 1715396884.544729, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8382000, - "timestamp": 1715396884.544729, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8349600, - "timestamp": 1715396884.560352, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6208500, - "timestamp": 1715396884.560352, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8235700, - "timestamp": 1715396884.575979, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8841100, - "timestamp": 1715396884.575979, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6118700, - "timestamp": 1715396884.591608, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8663900, - "timestamp": 1715396884.591608, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8332200, - "timestamp": 1715396884.607374, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6064600, - "timestamp": 1715396884.607374, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8299900, - "timestamp": 1715396884.622898, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8589300, - "timestamp": 1715396884.622898, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6241200, - "timestamp": 1715396884.63856, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8279700, - "timestamp": 1715396884.63856, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8324300, - "timestamp": 1715396884.654181, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6268200, - "timestamp": 1715396884.654181, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8270700, - "timestamp": 1715396884.669805, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8348200, - "timestamp": 1715396884.669805, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8310900, - "timestamp": 1715396884.68543, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6285000, - "timestamp": 1715396884.68543, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8265800, - "timestamp": 1715396884.701055, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8349200, - "timestamp": 1715396884.701055, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6184200, - "timestamp": 1715396884.716681, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8326500, - "timestamp": 1715396884.716681, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8291300, - "timestamp": 1715396884.732305, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6211900, - "timestamp": 1715396884.732305, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8289500, - "timestamp": 1715396884.74793, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8356400, - "timestamp": 1715396884.74793, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6245600, - "timestamp": 1715396884.763555, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8348300, - "timestamp": 1715396884.763555, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8300800, - "timestamp": 1715396884.779182, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6267300, - "timestamp": 1715396884.779182, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8261600, - "timestamp": 1715396884.794809, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8340100, - "timestamp": 1715396884.794809, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6249300, - "timestamp": 1715396884.810434, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8353100, - "timestamp": 1715396884.810434, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8297300, - "timestamp": 1715396884.826056, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6273800, - "timestamp": 1715396884.826056, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8285300, - "timestamp": 1715396884.841682, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8362500, - "timestamp": 1715396884.841682, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6244200, - "timestamp": 1715396884.857336, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8340800, - "timestamp": 1715396884.857336, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8300400, - "timestamp": 1715396884.87296, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6252600, - "timestamp": 1715396884.87296, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8336600, - "timestamp": 1715396884.87296, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8366000, - "timestamp": 1715396884.888585, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6178700, - "timestamp": 1715396884.90421, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8293200, - "timestamp": 1715396884.90421, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8353500, - "timestamp": 1715396884.90421, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6185800, - "timestamp": 1715396884.919835, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8314300, - "timestamp": 1715396884.919835, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8327000, - "timestamp": 1715396884.935444, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6193800, - "timestamp": 1715396884.935444, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8301100, - "timestamp": 1715396884.951086, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8273600, - "timestamp": 1715396884.951086, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6182700, - "timestamp": 1715396884.966711, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8295800, - "timestamp": 1715396884.966711, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8315400, - "timestamp": 1715396884.982336, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6243300, - "timestamp": 1715396884.982336, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8279900, - "timestamp": 1715396884.997963, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8313500, - "timestamp": 1715396884.997963, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6182100, - "timestamp": 1715396885.013586, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8324500, - "timestamp": 1715396885.013586, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8356800, - "timestamp": 1715396885.029211, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6198000, - "timestamp": 1715396885.029211, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8299600, - "timestamp": 1715396885.044867, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8301300, - "timestamp": 1715396885.044867, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6180000, - "timestamp": 1715396885.060489, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8280400, - "timestamp": 1715396885.060489, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8316200, - "timestamp": 1715396885.076138, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8324700, - "timestamp": 1715396885.076138, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6181900, - "timestamp": 1715396885.09174, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8371100, - "timestamp": 1715396885.09174, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8315800, - "timestamp": 1715396885.107349, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6234600, - "timestamp": 1715396885.107349, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8331600, - "timestamp": 1715396885.122962, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8466900, - "timestamp": 1715396885.122962, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6243100, - "timestamp": 1715396885.138588, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8398400, - "timestamp": 1715396885.138588, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8308000, - "timestamp": 1715396885.154189, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6419200, - "timestamp": 1715396885.154189, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8309000, - "timestamp": 1715396885.169811, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8343400, - "timestamp": 1715396885.169811, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 5999800, - "timestamp": 1715396885.185434, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8418000, - "timestamp": 1715396885.185434, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8312500, - "timestamp": 1715396885.201059, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6219700, - "timestamp": 1715396885.201059, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8343000, - "timestamp": 1715396885.216683, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8562700, - "timestamp": 1715396885.216683, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6261300, - "timestamp": 1715396885.233043, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8393900, - "timestamp": 1715396885.233043, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8272100, - "timestamp": 1715396885.24806, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6426800, - "timestamp": 1715396885.24806, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8416000, - "timestamp": 1715396885.24806, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8325000, - "timestamp": 1715396885.263716, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6435600, - "timestamp": 1715396885.279339, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8329400, - "timestamp": 1715396885.279339, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8381500, - "timestamp": 1715396885.279339, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6424800, - "timestamp": 1715396885.294965, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8370500, - "timestamp": 1715396885.294965, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8359500, - "timestamp": 1715396885.31059, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6457000, - "timestamp": 1715396885.31059, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8336700, - "timestamp": 1715396885.326214, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8288000, - "timestamp": 1715396885.326214, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6427900, - "timestamp": 1715396885.341836, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8354600, - "timestamp": 1715396885.341836, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8287300, - "timestamp": 1715396885.357465, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6485800, - "timestamp": 1715396885.357465, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8325800, - "timestamp": 1715396885.373087, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8515600, - "timestamp": 1715396885.373087, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6427100, - "timestamp": 1715396885.388724, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 12535300, - "timestamp": 1715396885.388724, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 10407600, - "timestamp": 1715396885.404344, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6502900, - "timestamp": 1715396885.41997, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 11573900, - "timestamp": 1715396885.41997, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 10799900, - "timestamp": 1715396885.435599, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6372800, - "timestamp": 1715396885.45122, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8396800, - "timestamp": 1715396885.45122, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8334300, - "timestamp": 1715396885.466849, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6400000, - "timestamp": 1715396885.466849, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8334800, - "timestamp": 1715396885.482468, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6493700, - "timestamp": 1715396885.482468, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8433000, - "timestamp": 1715396885.498092, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8339400, - "timestamp": 1715396885.498092, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6131300, - "timestamp": 1715396885.513761, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8343000, - "timestamp": 1715396885.513761, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8285200, - "timestamp": 1715396885.529343, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6119100, - "timestamp": 1715396885.529343, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8305400, - "timestamp": 1715396885.529343, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8380500, - "timestamp": 1715396885.544967, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6303200, - "timestamp": 1715396885.560592, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8298700, - "timestamp": 1715396885.560592, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8292800, - "timestamp": 1715396885.560592, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6304600, - "timestamp": 1715396885.576217, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8317900, - "timestamp": 1715396885.576217, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8376400, - "timestamp": 1715396885.591843, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6367100, - "timestamp": 1715396885.591843, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8297900, - "timestamp": 1715396885.607467, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8417600, - "timestamp": 1715396885.607467, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6119000, - "timestamp": 1715396885.623094, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8406100, - "timestamp": 1715396885.623094, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8333400, - "timestamp": 1715396885.638734, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6308400, - "timestamp": 1715396885.638734, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8287700, - "timestamp": 1715396885.654356, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8532200, - "timestamp": 1715396885.654356, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6003700, - "timestamp": 1715396885.669969, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8570000, - "timestamp": 1715396885.669969, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8349500, - "timestamp": 1715396885.6856, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6497700, - "timestamp": 1715396885.6856, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8299400, - "timestamp": 1715396885.701223, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8308800, - "timestamp": 1715396885.701223, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6489500, - "timestamp": 1715396885.716845, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8311300, - "timestamp": 1715396885.716845, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8268500, - "timestamp": 1715396885.732469, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6541400, - "timestamp": 1715396885.732469, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8290300, - "timestamp": 1715396885.748094, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8696500, - "timestamp": 1715396885.748094, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6000600, - "timestamp": 1715396885.763719, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8332500, - "timestamp": 1715396885.763719, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8348000, - "timestamp": 1715396885.77935, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6211100, - "timestamp": 1715396885.77935, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8291700, - "timestamp": 1715396885.794972, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8307900, - "timestamp": 1715396885.794972, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6183300, - "timestamp": 1715396885.810596, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8384900, - "timestamp": 1715396885.810596, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8310400, - "timestamp": 1715396885.82622, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6223500, - "timestamp": 1715396885.82622, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8292100, - "timestamp": 1715396885.841852, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8283300, - "timestamp": 1715396885.841852, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6188000, - "timestamp": 1715396885.857471, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8331500, - "timestamp": 1715396885.857471, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8225500, - "timestamp": 1715396885.873095, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8366100, - "timestamp": 1715396885.873095, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6187300, - "timestamp": 1715396885.888722, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8315500, - "timestamp": 1715396885.888722, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8310400, - "timestamp": 1715396885.904348, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6280500, - "timestamp": 1715396885.904348, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8240700, - "timestamp": 1715396885.919974, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8344000, - "timestamp": 1715396885.919974, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6198100, - "timestamp": 1715396885.935598, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8368600, - "timestamp": 1715396885.935598, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8287800, - "timestamp": 1715396885.951222, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6175600, - "timestamp": 1715396885.951222, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8573900, - "timestamp": 1715396885.951222, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8332200, - "timestamp": 1715396885.96685, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6001100, - "timestamp": 1715396885.982474, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8285000, - "timestamp": 1715396885.982474, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8539700, - "timestamp": 1715396885.982474, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6175500, - "timestamp": 1715396885.998096, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8279700, - "timestamp": 1715396885.998096, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8353100, - "timestamp": 1715396886.013721, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6206100, - "timestamp": 1715396886.013721, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8286200, - "timestamp": 1715396886.029347, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8312300, - "timestamp": 1715396886.029347, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6176600, - "timestamp": 1715396886.044971, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8345200, - "timestamp": 1715396886.044971, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8323500, - "timestamp": 1715396886.060596, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6211200, - "timestamp": 1715396886.060596, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8269800, - "timestamp": 1715396886.076223, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8309100, - "timestamp": 1715396886.076223, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6176700, - "timestamp": 1715396886.091846, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8263600, - "timestamp": 1715396886.091846, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8341600, - "timestamp": 1715396886.107471, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6679700, - "timestamp": 1715396886.107471, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8329200, - "timestamp": 1715396886.125011, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8326400, - "timestamp": 1715396886.125011, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6201900, - "timestamp": 1715396886.139036, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8298800, - "timestamp": 1715396886.139036, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8324800, - "timestamp": 1715396886.154695, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6449500, - "timestamp": 1715396886.154695, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8244500, - "timestamp": 1715396886.170323, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8564200, - "timestamp": 1715396886.170323, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6239800, - "timestamp": 1715396886.18595, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8323900, - "timestamp": 1715396886.18595, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8353600, - "timestamp": 1715396886.201572, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6398800, - "timestamp": 1715396886.201572, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8247000, - "timestamp": 1715396886.217195, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8424100, - "timestamp": 1715396886.217195, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6061600, - "timestamp": 1715396886.233491, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pygame", - "runtime": 8340200, - "timestamp": 1715396886.233491, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "pure_python", - "runtime": 8351700, - "timestamp": 1715396886.248512, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "length", - "subject_id": "spatium", - "runtime": 6330900, - "timestamp": 1715396886.248512, - "sequence": [ - { - "benchmark_id": "length", - "subject_id": "pygame" - }, - { - "benchmark_id": "length", - "subject_id": "pure_python" - }, - { - "benchmark_id": "length", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7322500, - "timestamp": 1715396886.311045, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7579900, - "timestamp": 1715396886.326667, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5166500, - "timestamp": 1715396886.326667, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10476900, - "timestamp": 1715396886.326667, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7278000, - "timestamp": 1715396886.342293, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7571900, - "timestamp": 1715396886.342293, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5397800, - "timestamp": 1715396886.357915, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10498500, - "timestamp": 1715396886.357915, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7286600, - "timestamp": 1715396886.373542, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7656800, - "timestamp": 1715396886.373542, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5320600, - "timestamp": 1715396886.389167, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10475700, - "timestamp": 1715396886.389167, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7289000, - "timestamp": 1715396886.404794, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7716300, - "timestamp": 1715396886.404794, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5298800, - "timestamp": 1715396886.420418, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10473200, - "timestamp": 1715396886.420418, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7303800, - "timestamp": 1715396886.436049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7601900, - "timestamp": 1715396886.436049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5268700, - "timestamp": 1715396886.45167, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10585800, - "timestamp": 1715396886.45167, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7261600, - "timestamp": 1715396886.467291, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7781700, - "timestamp": 1715396886.467291, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10375800, - "timestamp": 1715396886.482919, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5164500, - "timestamp": 1715396886.498544, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7267300, - "timestamp": 1715396886.498544, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7608000, - "timestamp": 1715396886.498544, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10378900, - "timestamp": 1715396886.514214, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5346500, - "timestamp": 1715396886.514214, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7291400, - "timestamp": 1715396886.529793, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7614300, - "timestamp": 1715396886.529793, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10356800, - "timestamp": 1715396886.545419, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5323100, - "timestamp": 1715396886.545419, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7277200, - "timestamp": 1715396886.561043, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7618900, - "timestamp": 1715396886.561043, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10354900, - "timestamp": 1715396886.576668, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5262900, - "timestamp": 1715396886.576668, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7285800, - "timestamp": 1715396886.592293, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7798300, - "timestamp": 1715396886.592293, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10392300, - "timestamp": 1715396886.608617, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5312800, - "timestamp": 1715396886.608617, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7300300, - "timestamp": 1715396886.623637, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5264600, - "timestamp": 1715396886.623637, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7592800, - "timestamp": 1715396886.623637, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10429600, - "timestamp": 1715396886.639289, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7296400, - "timestamp": 1715396886.654914, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5259700, - "timestamp": 1715396886.654914, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7609700, - "timestamp": 1715396886.654914, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10450100, - "timestamp": 1715396886.670539, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7273100, - "timestamp": 1715396886.686164, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5228500, - "timestamp": 1715396886.686164, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7591100, - "timestamp": 1715396886.686164, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10307500, - "timestamp": 1715396886.701814, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7314800, - "timestamp": 1715396886.717416, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5218600, - "timestamp": 1715396886.717416, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7689400, - "timestamp": 1715396886.717416, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10392800, - "timestamp": 1715396886.73304, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7561400, - "timestamp": 1715396886.748671, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5379500, - "timestamp": 1715396886.748671, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7818700, - "timestamp": 1715396886.748671, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10336500, - "timestamp": 1715396886.764296, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7264100, - "timestamp": 1715396886.779918, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5226400, - "timestamp": 1715396886.779918, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10350300, - "timestamp": 1715396886.779918, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7558400, - "timestamp": 1715396886.79554, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7284800, - "timestamp": 1715396886.79554, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5211600, - "timestamp": 1715396886.811165, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10388800, - "timestamp": 1715396886.811165, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7484900, - "timestamp": 1715396886.82679, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7290300, - "timestamp": 1715396886.82679, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5316400, - "timestamp": 1715396886.842416, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10324700, - "timestamp": 1715396886.842416, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7516700, - "timestamp": 1715396886.858039, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7302300, - "timestamp": 1715396886.858039, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5305400, - "timestamp": 1715396886.873665, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10390500, - "timestamp": 1715396886.873665, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7569100, - "timestamp": 1715396886.88929, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7280900, - "timestamp": 1715396886.88929, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5318400, - "timestamp": 1715396886.904924, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10407600, - "timestamp": 1715396886.904924, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7556900, - "timestamp": 1715396886.920569, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7307000, - "timestamp": 1715396886.920569, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10370200, - "timestamp": 1715396886.936194, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7624200, - "timestamp": 1715396886.936194, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5278200, - "timestamp": 1715396886.951822, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7504200, - "timestamp": 1715396886.951822, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10294600, - "timestamp": 1715396886.967447, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7551000, - "timestamp": 1715396886.967447, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5297100, - "timestamp": 1715396886.983049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7305100, - "timestamp": 1715396886.983049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10261600, - "timestamp": 1715396886.998669, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7595000, - "timestamp": 1715396886.998669, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5186100, - "timestamp": 1715396887.014297, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7327900, - "timestamp": 1715396887.014297, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10261500, - "timestamp": 1715396887.029919, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7646000, - "timestamp": 1715396887.029919, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5293300, - "timestamp": 1715396887.045547, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7294700, - "timestamp": 1715396887.045547, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10288900, - "timestamp": 1715396887.061168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7604100, - "timestamp": 1715396887.061168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5220300, - "timestamp": 1715396887.076792, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7292800, - "timestamp": 1715396887.076792, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10344700, - "timestamp": 1715396887.092417, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5220600, - "timestamp": 1715396887.092417, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7611800, - "timestamp": 1715396887.108047, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7286200, - "timestamp": 1715396887.108047, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10403900, - "timestamp": 1715396887.108047, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5327200, - "timestamp": 1715396887.123669, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7605300, - "timestamp": 1715396887.123669, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7280000, - "timestamp": 1715396887.139292, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10394600, - "timestamp": 1715396887.139292, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5312700, - "timestamp": 1715396887.154917, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7555500, - "timestamp": 1715396887.154917, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7291300, - "timestamp": 1715396887.170542, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10403300, - "timestamp": 1715396887.170542, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5386200, - "timestamp": 1715396887.186168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7641700, - "timestamp": 1715396887.186168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7296500, - "timestamp": 1715396887.201793, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10563900, - "timestamp": 1715396887.201793, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5336900, - "timestamp": 1715396887.217418, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7726900, - "timestamp": 1715396887.217418, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7624600, - "timestamp": 1715396887.233686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7641700, - "timestamp": 1715396887.233686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5287700, - "timestamp": 1715396887.249235, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10509200, - "timestamp": 1715396887.249235, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7561500, - "timestamp": 1715396887.264897, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7781100, - "timestamp": 1715396887.264897, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5232000, - "timestamp": 1715396887.280528, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10265400, - "timestamp": 1715396887.280528, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7631500, - "timestamp": 1715396887.296148, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7284300, - "timestamp": 1715396887.296148, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5276300, - "timestamp": 1715396887.311771, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10391700, - "timestamp": 1715396887.311771, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7591000, - "timestamp": 1715396887.327396, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7300600, - "timestamp": 1715396887.327396, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5345300, - "timestamp": 1715396887.34302, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10403900, - "timestamp": 1715396887.34302, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7580000, - "timestamp": 1715396887.358646, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7276600, - "timestamp": 1715396887.358646, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5306500, - "timestamp": 1715396887.374271, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10364700, - "timestamp": 1715396887.374271, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7577100, - "timestamp": 1715396887.389896, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7298800, - "timestamp": 1715396887.389896, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10352600, - "timestamp": 1715396887.405522, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5260600, - "timestamp": 1715396887.405522, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7638500, - "timestamp": 1715396887.421168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7300700, - "timestamp": 1715396887.421168, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10356300, - "timestamp": 1715396887.436799, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5388800, - "timestamp": 1715396887.436799, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7617200, - "timestamp": 1715396887.452423, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7346400, - "timestamp": 1715396887.452423, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10295800, - "timestamp": 1715396887.468049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5235100, - "timestamp": 1715396887.468049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7577500, - "timestamp": 1715396887.483674, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7320300, - "timestamp": 1715396887.483674, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10362600, - "timestamp": 1715396887.483674, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5174200, - "timestamp": 1715396887.499299, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7654200, - "timestamp": 1715396887.499299, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7256000, - "timestamp": 1715396887.51499, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10421700, - "timestamp": 1715396887.51499, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5237000, - "timestamp": 1715396887.530549, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7594700, - "timestamp": 1715396887.530549, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5247000, - "timestamp": 1715396887.546175, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7350000, - "timestamp": 1715396887.546175, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10356500, - "timestamp": 1715396887.5618, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7576800, - "timestamp": 1715396887.5618, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5324800, - "timestamp": 1715396887.577424, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7294300, - "timestamp": 1715396887.577424, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10395800, - "timestamp": 1715396887.593049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7646800, - "timestamp": 1715396887.593049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5204600, - "timestamp": 1715396887.608675, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7363200, - "timestamp": 1715396887.608675, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10390100, - "timestamp": 1715396887.6243, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7619500, - "timestamp": 1715396887.6243, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5042100, - "timestamp": 1715396887.639925, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7315300, - "timestamp": 1715396887.639925, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10391000, - "timestamp": 1715396887.655551, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7684800, - "timestamp": 1715396887.655551, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5284200, - "timestamp": 1715396887.671175, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7382400, - "timestamp": 1715396887.671175, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10391500, - "timestamp": 1715396887.686801, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7621300, - "timestamp": 1715396887.686801, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5366600, - "timestamp": 1715396887.702425, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10438600, - "timestamp": 1715396887.702425, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7323100, - "timestamp": 1715396887.718051, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7623100, - "timestamp": 1715396887.718051, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5316400, - "timestamp": 1715396887.733676, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10472000, - "timestamp": 1715396887.733676, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7244500, - "timestamp": 1715396887.7493, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7768200, - "timestamp": 1715396887.7493, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5346200, - "timestamp": 1715396887.764929, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10378100, - "timestamp": 1715396887.764929, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7245000, - "timestamp": 1715396887.780552, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7822500, - "timestamp": 1715396887.780552, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5312500, - "timestamp": 1715396887.796183, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10347900, - "timestamp": 1715396887.796183, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7300300, - "timestamp": 1715396887.811783, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7732500, - "timestamp": 1715396887.811783, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5359800, - "timestamp": 1715396887.827403, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10342500, - "timestamp": 1715396887.827403, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7269200, - "timestamp": 1715396887.843027, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7645100, - "timestamp": 1715396887.843027, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10373000, - "timestamp": 1715396887.858649, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7337200, - "timestamp": 1715396887.858649, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5230100, - "timestamp": 1715396887.874274, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7726600, - "timestamp": 1715396887.874274, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10296100, - "timestamp": 1715396887.889898, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7341200, - "timestamp": 1715396887.889898, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5285200, - "timestamp": 1715396887.905526, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7566500, - "timestamp": 1715396887.905526, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10311100, - "timestamp": 1715396887.905526, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7314500, - "timestamp": 1715396887.921149, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5307100, - "timestamp": 1715396887.936774, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7570100, - "timestamp": 1715396887.936774, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10368400, - "timestamp": 1715396887.936774, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7317800, - "timestamp": 1715396887.952399, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5258700, - "timestamp": 1715396887.968024, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7574600, - "timestamp": 1715396887.968024, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10376800, - "timestamp": 1715396887.968024, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7360100, - "timestamp": 1715396887.983651, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5247500, - "timestamp": 1715396887.999303, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7589800, - "timestamp": 1715396887.999303, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10475600, - "timestamp": 1715396887.999303, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5343600, - "timestamp": 1715396888.014916, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7343100, - "timestamp": 1715396888.014916, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7617700, - "timestamp": 1715396888.030529, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10384800, - "timestamp": 1715396888.030529, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5229000, - "timestamp": 1715396888.046151, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7325800, - "timestamp": 1715396888.046151, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7618200, - "timestamp": 1715396888.061775, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10425600, - "timestamp": 1715396888.061775, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5365000, - "timestamp": 1715396888.0774, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7336500, - "timestamp": 1715396888.0774, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7558000, - "timestamp": 1715396888.093057, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10416300, - "timestamp": 1715396888.093057, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5322600, - "timestamp": 1715396888.108678, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7277500, - "timestamp": 1715396888.108678, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7575500, - "timestamp": 1715396888.124303, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10433600, - "timestamp": 1715396888.124303, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5265100, - "timestamp": 1715396888.139928, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7312000, - "timestamp": 1715396888.139928, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5283900, - "timestamp": 1715396888.155553, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7271100, - "timestamp": 1715396888.155553, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7562900, - "timestamp": 1715396888.171178, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10418500, - "timestamp": 1715396888.171178, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5216900, - "timestamp": 1715396888.186803, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7289300, - "timestamp": 1715396888.186803, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7659900, - "timestamp": 1715396888.186803, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10488600, - "timestamp": 1715396888.202429, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5310600, - "timestamp": 1715396888.218053, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7271200, - "timestamp": 1715396888.218053, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7621700, - "timestamp": 1715396888.218053, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10431900, - "timestamp": 1715396888.234384, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5279800, - "timestamp": 1715396888.249435, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7286100, - "timestamp": 1715396888.249435, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7705100, - "timestamp": 1715396888.249435, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10578100, - "timestamp": 1715396888.265121, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5236700, - "timestamp": 1715396888.280746, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7293400, - "timestamp": 1715396888.280746, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7632700, - "timestamp": 1715396888.280746, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10337400, - "timestamp": 1715396888.296351, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5456300, - "timestamp": 1715396888.311977, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7251100, - "timestamp": 1715396888.311977, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10589200, - "timestamp": 1715396888.311977, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7500800, - "timestamp": 1715396888.327604, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5327100, - "timestamp": 1715396888.327604, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7292900, - "timestamp": 1715396888.343224, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10354100, - "timestamp": 1715396888.343224, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7518100, - "timestamp": 1715396888.358845, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5290000, - "timestamp": 1715396888.358845, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7306800, - "timestamp": 1715396888.37447, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10361700, - "timestamp": 1715396888.37447, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7556600, - "timestamp": 1715396888.390094, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5329000, - "timestamp": 1715396888.390094, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7283500, - "timestamp": 1715396888.405721, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10384800, - "timestamp": 1715396888.405721, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7530800, - "timestamp": 1715396888.421346, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5319600, - "timestamp": 1715396888.421346, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7313900, - "timestamp": 1715396888.43697, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10327500, - "timestamp": 1715396888.43697, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7615600, - "timestamp": 1715396888.452594, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5320700, - "timestamp": 1715396888.452594, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7429400, - "timestamp": 1715396888.468251, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7349100, - "timestamp": 1715396888.468251, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10350200, - "timestamp": 1715396888.483874, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5377500, - "timestamp": 1715396888.483874, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7511500, - "timestamp": 1715396888.499497, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7327000, - "timestamp": 1715396888.499497, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10334900, - "timestamp": 1715396888.515193, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5329100, - "timestamp": 1715396888.515193, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7537500, - "timestamp": 1715396888.530726, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7309600, - "timestamp": 1715396888.530726, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10295000, - "timestamp": 1715396888.546348, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5322400, - "timestamp": 1715396888.546348, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7581400, - "timestamp": 1715396888.561975, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7253000, - "timestamp": 1715396888.561975, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10367600, - "timestamp": 1715396888.561975, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5296500, - "timestamp": 1715396888.5776, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7617500, - "timestamp": 1715396888.5776, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7593300, - "timestamp": 1715396888.593226, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10633300, - "timestamp": 1715396888.593226, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5290400, - "timestamp": 1715396888.609503, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7592500, - "timestamp": 1715396888.609503, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10418700, - "timestamp": 1715396888.624525, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7345500, - "timestamp": 1715396888.640182, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5318800, - "timestamp": 1715396888.640182, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7889800, - "timestamp": 1715396888.640182, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10320200, - "timestamp": 1715396888.655807, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7306900, - "timestamp": 1715396888.671441, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5225300, - "timestamp": 1715396888.671441, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7594600, - "timestamp": 1715396888.671441, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10371600, - "timestamp": 1715396888.687062, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7295400, - "timestamp": 1715396888.702686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5267500, - "timestamp": 1715396888.702686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7650600, - "timestamp": 1715396888.702686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10277500, - "timestamp": 1715396888.718311, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7331700, - "timestamp": 1715396888.718311, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5222900, - "timestamp": 1715396888.733937, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7664900, - "timestamp": 1715396888.733937, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10308300, - "timestamp": 1715396888.74956, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7334800, - "timestamp": 1715396888.74956, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5339200, - "timestamp": 1715396888.765185, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10435600, - "timestamp": 1715396888.765185, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7326400, - "timestamp": 1715396888.780814, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7794400, - "timestamp": 1715396888.780814, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5231800, - "timestamp": 1715396888.796437, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10447500, - "timestamp": 1715396888.796437, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7263200, - "timestamp": 1715396888.812068, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7521600, - "timestamp": 1715396888.812068, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5320400, - "timestamp": 1715396888.827686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10657100, - "timestamp": 1715396888.827686, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7295200, - "timestamp": 1715396888.84331, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7603200, - "timestamp": 1715396888.84331, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5329800, - "timestamp": 1715396888.858934, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10445500, - "timestamp": 1715396888.858934, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7284300, - "timestamp": 1715396888.874559, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7573300, - "timestamp": 1715396888.874559, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5329100, - "timestamp": 1715396888.89019, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10369900, - "timestamp": 1715396888.89019, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7265700, - "timestamp": 1715396888.905815, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7576300, - "timestamp": 1715396888.905815, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5288200, - "timestamp": 1715396888.921433, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10435000, - "timestamp": 1715396888.921433, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7549300, - "timestamp": 1715396888.93706, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7349200, - "timestamp": 1715396888.93706, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5310300, - "timestamp": 1715396888.952683, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10442400, - "timestamp": 1715396888.952683, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7530200, - "timestamp": 1715396888.968309, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7361600, - "timestamp": 1715396888.968309, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5268400, - "timestamp": 1715396888.983933, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10634500, - "timestamp": 1715396888.983933, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7493700, - "timestamp": 1715396888.999556, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7357600, - "timestamp": 1715396888.999556, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5217600, - "timestamp": 1715396889.015189, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10365400, - "timestamp": 1715396889.015189, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7552700, - "timestamp": 1715396889.030814, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7364800, - "timestamp": 1715396889.030814, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5306000, - "timestamp": 1715396889.046437, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10345800, - "timestamp": 1715396889.046437, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7529100, - "timestamp": 1715396889.062063, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7326200, - "timestamp": 1715396889.062063, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10429900, - "timestamp": 1715396889.077687, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7343800, - "timestamp": 1715396889.077687, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7543900, - "timestamp": 1715396889.093313, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5426500, - "timestamp": 1715396889.093313, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10368100, - "timestamp": 1715396889.108936, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7391100, - "timestamp": 1715396889.108936, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7526000, - "timestamp": 1715396889.124565, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5309400, - "timestamp": 1715396889.124565, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10413000, - "timestamp": 1715396889.124565, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7321500, - "timestamp": 1715396889.14019, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7517700, - "timestamp": 1715396889.15581, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5342500, - "timestamp": 1715396889.15581, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10451900, - "timestamp": 1715396889.15581, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7338500, - "timestamp": 1715396889.171436, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7567500, - "timestamp": 1715396889.187062, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5245000, - "timestamp": 1715396889.187062, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10378200, - "timestamp": 1715396889.187062, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7384800, - "timestamp": 1715396889.202688, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7523200, - "timestamp": 1715396889.218309, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5205600, - "timestamp": 1715396889.218309, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10541800, - "timestamp": 1715396889.218309, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7337200, - "timestamp": 1715396889.234618, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5310000, - "timestamp": 1715396889.249639, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7506100, - "timestamp": 1715396889.249639, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10418000, - "timestamp": 1715396889.249639, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7274200, - "timestamp": 1715396889.265296, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5518900, - "timestamp": 1715396889.265296, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7545200, - "timestamp": 1715396889.280922, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10812100, - "timestamp": 1715396889.280922, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7268300, - "timestamp": 1715396889.296549, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5281200, - "timestamp": 1715396889.296549, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7576500, - "timestamp": 1715396889.312179, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10437600, - "timestamp": 1715396889.312179, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7260400, - "timestamp": 1715396889.327797, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5446800, - "timestamp": 1715396889.327797, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7457600, - "timestamp": 1715396889.343424, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10473900, - "timestamp": 1715396889.343424, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7297300, - "timestamp": 1715396889.359054, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5362600, - "timestamp": 1715396889.359054, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7575100, - "timestamp": 1715396889.374672, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10677500, - "timestamp": 1715396889.374672, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7543000, - "timestamp": 1715396889.390302, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7317400, - "timestamp": 1715396889.390302, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5290100, - "timestamp": 1715396889.405925, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10611900, - "timestamp": 1715396889.405925, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7573500, - "timestamp": 1715396889.421547, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7380400, - "timestamp": 1715396889.421547, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5204600, - "timestamp": 1715396889.437176, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10423100, - "timestamp": 1715396889.437176, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7567200, - "timestamp": 1715396889.452803, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7416000, - "timestamp": 1715396889.452803, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5254400, - "timestamp": 1715396889.468422, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10432800, - "timestamp": 1715396889.468422, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7550400, - "timestamp": 1715396889.48405, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7380600, - "timestamp": 1715396889.48405, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5296300, - "timestamp": 1715396889.499672, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10532000, - "timestamp": 1715396889.499672, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7500000, - "timestamp": 1715396889.51535, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7315300, - "timestamp": 1715396889.51535, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5177600, - "timestamp": 1715396889.530924, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10440100, - "timestamp": 1715396889.530924, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7602700, - "timestamp": 1715396889.54655, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5333600, - "timestamp": 1715396889.54655, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7282300, - "timestamp": 1715396889.562173, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10434600, - "timestamp": 1715396889.562173, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7558600, - "timestamp": 1715396889.577798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5230900, - "timestamp": 1715396889.577798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7310200, - "timestamp": 1715396889.577798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10439700, - "timestamp": 1715396889.593425, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7548500, - "timestamp": 1715396889.609048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5276500, - "timestamp": 1715396889.609048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7326800, - "timestamp": 1715396889.609048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10707600, - "timestamp": 1715396889.624674, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7562500, - "timestamp": 1715396889.640298, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5292800, - "timestamp": 1715396889.640298, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7348900, - "timestamp": 1715396889.640298, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10518400, - "timestamp": 1715396889.655927, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7571200, - "timestamp": 1715396889.67155, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5169200, - "timestamp": 1715396889.67155, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7968400, - "timestamp": 1715396889.67155, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10853800, - "timestamp": 1715396889.687176, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5531100, - "timestamp": 1715396889.702798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7734800, - "timestamp": 1715396889.702798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7613000, - "timestamp": 1715396889.702798, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10438600, - "timestamp": 1715396889.718422, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5307500, - "timestamp": 1715396889.734048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7298200, - "timestamp": 1715396889.734048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7584100, - "timestamp": 1715396889.734048, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10406800, - "timestamp": 1715396889.749675, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5357200, - "timestamp": 1715396889.765297, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7286800, - "timestamp": 1715396889.765297, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7628400, - "timestamp": 1715396889.765297, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10466100, - "timestamp": 1715396889.780924, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5377200, - "timestamp": 1715396889.79656, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7300400, - "timestamp": 1715396889.79656, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7637900, - "timestamp": 1715396889.79656, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10329100, - "timestamp": 1715396889.812172, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5378600, - "timestamp": 1715396889.812172, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7304000, - "timestamp": 1715396889.827802, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7646900, - "timestamp": 1715396889.827802, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10383100, - "timestamp": 1715396889.843423, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5302000, - "timestamp": 1715396889.843423, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7548500, - "timestamp": 1715396889.85905, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7339700, - "timestamp": 1715396889.85905, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10373700, - "timestamp": 1715396889.874673, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5669500, - "timestamp": 1715396889.874673, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7488000, - "timestamp": 1715396889.8903, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7620400, - "timestamp": 1715396889.8903, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10351900, - "timestamp": 1715396889.905927, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5403000, - "timestamp": 1715396889.905927, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7535900, - "timestamp": 1715396889.921554, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7301200, - "timestamp": 1715396889.921554, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10392800, - "timestamp": 1715396889.93718, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5509700, - "timestamp": 1715396889.93718, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7507500, - "timestamp": 1715396889.952805, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7265200, - "timestamp": 1715396889.952805, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "numpy", - "runtime": 10326500, - "timestamp": 1715396889.968426, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame", - "runtime": 5368500, - "timestamp": 1715396889.968426, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python", - "runtime": 7579300, - "timestamp": 1715396889.984049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium", - "runtime": 7554100, - "timestamp": 1715396889.984049, - "sequence": [ - { - "benchmark_id": "normalize", - "subject_id": "numpy" - }, - { - "benchmark_id": "normalize", - "subject_id": "pygame" - }, - { - "benchmark_id": "normalize", - "subject_id": "pure_python" - }, - { - "benchmark_id": "normalize", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6134500, - "timestamp": 1715396890.046554, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6468900, - "timestamp": 1715396890.046554, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6853400, - "timestamp": 1715396890.062179, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391700, - "timestamp": 1715396890.062179, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112500, - "timestamp": 1715396890.077801, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418800, - "timestamp": 1715396890.077801, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6861300, - "timestamp": 1715396890.077801, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6357800, - "timestamp": 1715396890.093425, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6131900, - "timestamp": 1715396890.093425, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418600, - "timestamp": 1715396890.109051, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6791700, - "timestamp": 1715396890.109051, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6432200, - "timestamp": 1715396890.109051, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6113800, - "timestamp": 1715396890.124677, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6442600, - "timestamp": 1715396890.124677, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6852100, - "timestamp": 1715396890.140301, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391100, - "timestamp": 1715396890.140301, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6147000, - "timestamp": 1715396890.140301, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6416000, - "timestamp": 1715396890.155926, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6878400, - "timestamp": 1715396890.155926, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391300, - "timestamp": 1715396890.171551, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6125900, - "timestamp": 1715396890.171551, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6447100, - "timestamp": 1715396890.187175, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393900, - "timestamp": 1715396890.187175, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6634600, - "timestamp": 1715396890.187175, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5931900, - "timestamp": 1715396890.2028, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6490900, - "timestamp": 1715396890.2028, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6361000, - "timestamp": 1715396890.218426, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6850400, - "timestamp": 1715396890.218426, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6136300, - "timestamp": 1715396890.218426, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6449000, - "timestamp": 1715396890.234081, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6706500, - "timestamp": 1715396890.234081, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6794800, - "timestamp": 1715396890.250514, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6111800, - "timestamp": 1715396890.250514, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6450400, - "timestamp": 1715396890.250514, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390300, - "timestamp": 1715396890.265562, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6815200, - "timestamp": 1715396890.265562, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6113200, - "timestamp": 1715396890.281252, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6434000, - "timestamp": 1715396890.281252, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390200, - "timestamp": 1715396890.296875, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6793700, - "timestamp": 1715396890.296875, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6165800, - "timestamp": 1715396890.296875, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6790900, - "timestamp": 1715396890.312499, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6472600, - "timestamp": 1715396890.312499, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6360200, - "timestamp": 1715396890.328124, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6109200, - "timestamp": 1715396890.328124, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6799500, - "timestamp": 1715396890.328124, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6447600, - "timestamp": 1715396890.34375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391200, - "timestamp": 1715396890.34375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6113200, - "timestamp": 1715396890.359375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6790700, - "timestamp": 1715396890.359375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6469000, - "timestamp": 1715396890.359375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6360000, - "timestamp": 1715396890.375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6204200, - "timestamp": 1715396890.375, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6608200, - "timestamp": 1715396890.390625, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6467300, - "timestamp": 1715396890.390625, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6364000, - "timestamp": 1715396890.406223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114500, - "timestamp": 1715396890.406223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6591500, - "timestamp": 1715396890.406223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417700, - "timestamp": 1715396890.421848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6608300, - "timestamp": 1715396890.421848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5929900, - "timestamp": 1715396890.437477, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6612100, - "timestamp": 1715396890.437477, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6402500, - "timestamp": 1715396890.437477, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6416300, - "timestamp": 1715396890.453102, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6087800, - "timestamp": 1715396890.453102, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6603400, - "timestamp": 1715396890.468721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6362900, - "timestamp": 1715396890.468721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6459900, - "timestamp": 1715396890.468721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112400, - "timestamp": 1715396890.484354, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6877500, - "timestamp": 1715396890.484354, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6364100, - "timestamp": 1715396890.499975, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6558100, - "timestamp": 1715396890.499975, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5867000, - "timestamp": 1715396890.51568, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6791200, - "timestamp": 1715396890.51568, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6428400, - "timestamp": 1715396890.51568, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6416300, - "timestamp": 1715396890.531223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6141300, - "timestamp": 1715396890.531223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6794200, - "timestamp": 1715396890.546848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6363000, - "timestamp": 1715396890.546848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6433500, - "timestamp": 1715396890.546848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115000, - "timestamp": 1715396890.562473, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6394300, - "timestamp": 1715396890.562473, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6445600, - "timestamp": 1715396890.578098, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6790800, - "timestamp": 1715396890.578098, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6127700, - "timestamp": 1715396890.578098, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6360800, - "timestamp": 1715396890.593723, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6623000, - "timestamp": 1715396890.593723, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6790600, - "timestamp": 1715396890.609918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6126800, - "timestamp": 1715396890.609918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6499500, - "timestamp": 1715396890.609918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6476600, - "timestamp": 1715396890.625443, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6837600, - "timestamp": 1715396890.625443, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6119300, - "timestamp": 1715396890.641099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6502700, - "timestamp": 1715396890.641099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6482900, - "timestamp": 1715396890.656726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6791400, - "timestamp": 1715396890.656726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6149600, - "timestamp": 1715396890.656726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6486600, - "timestamp": 1715396890.672349, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6513200, - "timestamp": 1715396890.672349, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6793300, - "timestamp": 1715396890.687975, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115900, - "timestamp": 1715396890.687975, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6369700, - "timestamp": 1715396890.687975, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6612000, - "timestamp": 1715396890.703602, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6522100, - "timestamp": 1715396890.703602, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5928100, - "timestamp": 1715396890.719226, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6402800, - "timestamp": 1715396890.719226, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6796500, - "timestamp": 1715396890.734848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6478800, - "timestamp": 1715396890.734848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6324800, - "timestamp": 1715396890.734848, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6364100, - "timestamp": 1715396890.751668, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6957700, - "timestamp": 1715396890.751668, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6420700, - "timestamp": 1715396890.766189, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5929100, - "timestamp": 1715396890.766189, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6469700, - "timestamp": 1715396890.766189, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6916700, - "timestamp": 1715396890.781846, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6457100, - "timestamp": 1715396890.781846, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114700, - "timestamp": 1715396890.797469, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391200, - "timestamp": 1715396890.797469, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6881500, - "timestamp": 1715396890.797469, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417800, - "timestamp": 1715396890.813094, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6462600, - "timestamp": 1715396890.813094, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114800, - "timestamp": 1715396890.828722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6891500, - "timestamp": 1715396890.828722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392800, - "timestamp": 1715396890.844345, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6450000, - "timestamp": 1715396890.844345, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6123700, - "timestamp": 1715396890.844345, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6851000, - "timestamp": 1715396890.859972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6399000, - "timestamp": 1715396890.859972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6447800, - "timestamp": 1715396890.875594, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112300, - "timestamp": 1715396890.875594, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6885600, - "timestamp": 1715396890.875594, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6394900, - "timestamp": 1715396890.89122, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6534300, - "timestamp": 1715396890.89122, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112800, - "timestamp": 1715396890.906844, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6914100, - "timestamp": 1715396890.906844, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6395900, - "timestamp": 1715396890.922478, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6511300, - "timestamp": 1715396890.922478, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6139100, - "timestamp": 1715396890.922478, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6856600, - "timestamp": 1715396890.9381, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6411800, - "timestamp": 1715396890.9381, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6508700, - "timestamp": 1715396890.953721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5937800, - "timestamp": 1715396890.953721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6555500, - "timestamp": 1715396890.953721, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6607600, - "timestamp": 1715396890.969346, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6477800, - "timestamp": 1715396890.969346, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5939700, - "timestamp": 1715396890.984972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6389900, - "timestamp": 1715396890.984972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7109900, - "timestamp": 1715396890.984972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418400, - "timestamp": 1715396891.000595, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5944000, - "timestamp": 1715396891.000595, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6273100, - "timestamp": 1715396891.016223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6653900, - "timestamp": 1715396891.016223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418800, - "timestamp": 1715396891.031852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5937800, - "timestamp": 1715396891.031852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6415500, - "timestamp": 1715396891.031852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6608100, - "timestamp": 1715396891.047472, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6458600, - "timestamp": 1715396891.047472, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5927800, - "timestamp": 1715396891.063099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6395800, - "timestamp": 1715396891.063099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6653800, - "timestamp": 1715396891.063099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418100, - "timestamp": 1715396891.078729, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6641800, - "timestamp": 1715396891.078729, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5930800, - "timestamp": 1715396891.094348, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6391000, - "timestamp": 1715396891.094348, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6453800, - "timestamp": 1715396891.094348, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6667600, - "timestamp": 1715396891.109972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5976500, - "timestamp": 1715396891.109972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392900, - "timestamp": 1715396891.125596, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417400, - "timestamp": 1715396891.125596, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6714500, - "timestamp": 1715396891.125596, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5927900, - "timestamp": 1715396891.141224, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6428300, - "timestamp": 1715396891.141224, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418500, - "timestamp": 1715396891.156849, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6705300, - "timestamp": 1715396891.156849, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5929300, - "timestamp": 1715396891.172472, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392600, - "timestamp": 1715396891.172472, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6491800, - "timestamp": 1715396891.172472, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6666800, - "timestamp": 1715396891.188097, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5962800, - "timestamp": 1715396891.188097, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6361400, - "timestamp": 1715396891.203723, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6450300, - "timestamp": 1715396891.203723, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6887700, - "timestamp": 1715396891.203723, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6359600, - "timestamp": 1715396891.21935, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6201400, - "timestamp": 1715396891.21935, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6437900, - "timestamp": 1715396891.235592, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6850500, - "timestamp": 1715396891.235592, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6588000, - "timestamp": 1715396891.235592, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115200, - "timestamp": 1715396891.251238, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6617500, - "timestamp": 1715396891.251238, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6420500, - "timestamp": 1715396891.266263, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6421900, - "timestamp": 1715396891.266263, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6128900, - "timestamp": 1715396891.281919, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6500400, - "timestamp": 1715396891.281919, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6633600, - "timestamp": 1715396891.281919, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392000, - "timestamp": 1715396891.297544, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6119500, - "timestamp": 1715396891.297544, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417000, - "timestamp": 1715396891.313171, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6606200, - "timestamp": 1715396891.313171, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6441500, - "timestamp": 1715396891.313171, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6113000, - "timestamp": 1715396891.328792, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6491700, - "timestamp": 1715396891.328792, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392800, - "timestamp": 1715396891.344418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115200, - "timestamp": 1715396891.344418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6613900, - "timestamp": 1715396891.344418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6492100, - "timestamp": 1715396891.360042, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6517200, - "timestamp": 1715396891.360042, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6111700, - "timestamp": 1715396891.375668, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6608500, - "timestamp": 1715396891.375668, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6546700, - "timestamp": 1715396891.375668, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390600, - "timestamp": 1715396891.391296, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6133700, - "timestamp": 1715396891.391296, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6603900, - "timestamp": 1715396891.406918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6526100, - "timestamp": 1715396891.406918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390600, - "timestamp": 1715396891.422543, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112400, - "timestamp": 1715396891.422543, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6617200, - "timestamp": 1715396891.422543, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6448500, - "timestamp": 1715396891.43817, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6435100, - "timestamp": 1715396891.43817, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115800, - "timestamp": 1715396891.453793, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6609200, - "timestamp": 1715396891.453793, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6548700, - "timestamp": 1715396891.453793, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6389800, - "timestamp": 1715396891.469422, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6788200, - "timestamp": 1715396891.469422, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5934600, - "timestamp": 1715396891.485048, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418700, - "timestamp": 1715396891.485048, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6397900, - "timestamp": 1715396891.485048, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6670000, - "timestamp": 1715396891.500673, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6079500, - "timestamp": 1715396891.500673, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417800, - "timestamp": 1715396891.516365, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6572900, - "timestamp": 1715396891.516365, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6613200, - "timestamp": 1715396891.53192, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5930400, - "timestamp": 1715396891.53192, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6441100, - "timestamp": 1715396891.53192, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393600, - "timestamp": 1715396891.547545, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6805900, - "timestamp": 1715396891.547545, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112400, - "timestamp": 1715396891.563169, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417900, - "timestamp": 1715396891.563169, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6419600, - "timestamp": 1715396891.563169, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6792400, - "timestamp": 1715396891.578793, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6156200, - "timestamp": 1715396891.578793, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6795800, - "timestamp": 1715396891.594418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112500, - "timestamp": 1715396891.594418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6442200, - "timestamp": 1715396891.594418, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390700, - "timestamp": 1715396891.610045, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6805000, - "timestamp": 1715396891.610045, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6113200, - "timestamp": 1715396891.625669, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6442800, - "timestamp": 1715396891.625669, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393700, - "timestamp": 1715396891.641295, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6796400, - "timestamp": 1715396891.641295, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6131900, - "timestamp": 1715396891.641295, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6415400, - "timestamp": 1715396891.656921, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6396900, - "timestamp": 1715396891.656921, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6789200, - "timestamp": 1715396891.672544, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114400, - "timestamp": 1715396891.672544, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6446500, - "timestamp": 1715396891.672544, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390700, - "timestamp": 1715396891.6882, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6804900, - "timestamp": 1715396891.6882, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6111600, - "timestamp": 1715396891.703823, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6416400, - "timestamp": 1715396891.703823, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6431100, - "timestamp": 1715396891.703823, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6790900, - "timestamp": 1715396891.719446, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6160100, - "timestamp": 1715396891.719446, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393100, - "timestamp": 1715396891.735074, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6480200, - "timestamp": 1715396891.735074, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6793100, - "timestamp": 1715396891.750697, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6112600, - "timestamp": 1715396891.750697, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6433100, - "timestamp": 1715396891.750697, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6420800, - "timestamp": 1715396891.766321, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6648900, - "timestamp": 1715396891.766321, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5994600, - "timestamp": 1715396891.781947, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393300, - "timestamp": 1715396891.781947, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6434700, - "timestamp": 1715396891.781947, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6919100, - "timestamp": 1715396891.797571, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6191600, - "timestamp": 1715396891.797571, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6389800, - "timestamp": 1715396891.813197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6418000, - "timestamp": 1715396891.813197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6973100, - "timestamp": 1715396891.813197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6172700, - "timestamp": 1715396891.828822, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6402500, - "timestamp": 1715396891.828822, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417100, - "timestamp": 1715396891.844446, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6922000, - "timestamp": 1715396891.844446, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6447700, - "timestamp": 1715396891.860072, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6175500, - "timestamp": 1715396891.860072, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6398500, - "timestamp": 1715396891.860072, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6915600, - "timestamp": 1715396891.875696, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6472400, - "timestamp": 1715396891.875696, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6170400, - "timestamp": 1715396891.891322, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6392000, - "timestamp": 1715396891.891322, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6942300, - "timestamp": 1715396891.891322, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6444500, - "timestamp": 1715396891.906947, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6182400, - "timestamp": 1715396891.906947, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390500, - "timestamp": 1715396891.922572, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6924200, - "timestamp": 1715396891.922572, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6448600, - "timestamp": 1715396891.938197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6171800, - "timestamp": 1715396891.938197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6409000, - "timestamp": 1715396891.938197, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6915600, - "timestamp": 1715396891.953822, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6459700, - "timestamp": 1715396891.953822, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6172400, - "timestamp": 1715396891.969448, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390300, - "timestamp": 1715396891.969448, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6951900, - "timestamp": 1715396891.969448, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6448800, - "timestamp": 1715396891.985073, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6620100, - "timestamp": 1715396891.985073, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5991300, - "timestamp": 1715396892.000732, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6803100, - "timestamp": 1715396892.000732, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6422500, - "timestamp": 1715396892.016318, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6331100, - "timestamp": 1715396892.016318, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6318500, - "timestamp": 1715396892.016318, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6605700, - "timestamp": 1715396892.03194, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6530900, - "timestamp": 1715396892.03194, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6396000, - "timestamp": 1715396892.047551, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6170500, - "timestamp": 1715396892.047551, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6524300, - "timestamp": 1715396892.047551, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417000, - "timestamp": 1715396892.063171, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6444100, - "timestamp": 1715396892.063171, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5932300, - "timestamp": 1715396892.078799, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6610200, - "timestamp": 1715396892.078799, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6550000, - "timestamp": 1715396892.078799, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390200, - "timestamp": 1715396892.094424, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6148900, - "timestamp": 1715396892.094424, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6796200, - "timestamp": 1715396892.110047, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6430700, - "timestamp": 1715396892.110047, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115400, - "timestamp": 1715396892.125672, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6510000, - "timestamp": 1715396892.125672, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6538100, - "timestamp": 1715396892.125672, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6272600, - "timestamp": 1715396892.141298, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5983100, - "timestamp": 1715396892.141298, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6417000, - "timestamp": 1715396892.156918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6670900, - "timestamp": 1715396892.156918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6437300, - "timestamp": 1715396892.156918, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114400, - "timestamp": 1715396892.172545, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6451900, - "timestamp": 1715396892.172545, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6664000, - "timestamp": 1715396892.188168, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393100, - "timestamp": 1715396892.188168, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6148700, - "timestamp": 1715396892.188168, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6415600, - "timestamp": 1715396892.203794, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6881600, - "timestamp": 1715396892.203794, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6518100, - "timestamp": 1715396892.219417, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6135200, - "timestamp": 1715396892.219417, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6419400, - "timestamp": 1715396892.235044, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6728800, - "timestamp": 1715396892.235044, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6607400, - "timestamp": 1715396892.235044, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6419500, - "timestamp": 1715396892.250669, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6385200, - "timestamp": 1715396892.250669, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6917400, - "timestamp": 1715396892.266955, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6393800, - "timestamp": 1715396892.266955, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6605700, - "timestamp": 1715396892.266955, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6175700, - "timestamp": 1715396892.281977, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6959500, - "timestamp": 1715396892.281977, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6389300, - "timestamp": 1715396892.297632, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6569800, - "timestamp": 1715396892.297632, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6174500, - "timestamp": 1715396892.313254, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6913400, - "timestamp": 1715396892.313254, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6418700, - "timestamp": 1715396892.313254, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6542500, - "timestamp": 1715396892.328882, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6232200, - "timestamp": 1715396892.328882, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6917200, - "timestamp": 1715396892.344504, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6390600, - "timestamp": 1715396892.344504, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6524600, - "timestamp": 1715396892.344504, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6180100, - "timestamp": 1715396892.360134, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6520300, - "timestamp": 1715396892.360134, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6361500, - "timestamp": 1715396892.375761, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6518200, - "timestamp": 1715396892.375761, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7101100, - "timestamp": 1715396892.391383, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6488500, - "timestamp": 1715396892.391383, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6400700, - "timestamp": 1715396892.391383, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6478600, - "timestamp": 1715396892.40701, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7141700, - "timestamp": 1715396892.40701, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6487700, - "timestamp": 1715396892.422633, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6389600, - "timestamp": 1715396892.422633, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6479100, - "timestamp": 1715396892.43826, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7101400, - "timestamp": 1715396892.43826, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6542400, - "timestamp": 1715396892.43826, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6360400, - "timestamp": 1715396892.453884, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6479700, - "timestamp": 1715396892.453884, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7099200, - "timestamp": 1715396892.469508, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6516100, - "timestamp": 1715396892.469508, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6396500, - "timestamp": 1715396892.469508, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6448700, - "timestamp": 1715396892.485134, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 10253400, - "timestamp": 1715396892.485134, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 11075300, - "timestamp": 1715396892.508274, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 8238300, - "timestamp": 1715396892.519332, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7509300, - "timestamp": 1715396892.526753, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6433100, - "timestamp": 1715396892.534895, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6269500, - "timestamp": 1715396892.535417, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5980200, - "timestamp": 1715396892.535417, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6666400, - "timestamp": 1715396892.548497, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6444500, - "timestamp": 1715396892.548497, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6361700, - "timestamp": 1715396892.56402, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5928000, - "timestamp": 1715396892.56402, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6692000, - "timestamp": 1715396892.56402, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6415200, - "timestamp": 1715396892.579679, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6372300, - "timestamp": 1715396892.579679, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5929500, - "timestamp": 1715396892.595315, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6951200, - "timestamp": 1715396892.595315, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6489400, - "timestamp": 1715396892.611541, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6268400, - "timestamp": 1715396892.611541, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5988700, - "timestamp": 1715396892.611541, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6668400, - "timestamp": 1715396892.627066, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6474000, - "timestamp": 1715396892.627066, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6364500, - "timestamp": 1715396892.642718, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6449100, - "timestamp": 1715396892.642718, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5984400, - "timestamp": 1715396892.642718, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6669300, - "timestamp": 1715396892.658347, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 7850700, - "timestamp": 1715396892.658347, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 8737100, - "timestamp": 1715396892.673972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6026800, - "timestamp": 1715396892.673972, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6636500, - "timestamp": 1715396892.689603, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6367000, - "timestamp": 1715396892.689603, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6442800, - "timestamp": 1715396892.689603, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5935100, - "timestamp": 1715396892.705222, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6690100, - "timestamp": 1715396892.705222, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6455000, - "timestamp": 1715396892.720845, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6512800, - "timestamp": 1715396892.720845, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6114100, - "timestamp": 1715396892.736468, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6856500, - "timestamp": 1715396892.736468, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6582400, - "timestamp": 1715396892.736468, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6324100, - "timestamp": 1715396892.7521, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 11739400, - "timestamp": 1715396892.7521, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7042700, - "timestamp": 1715396892.767722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6591700, - "timestamp": 1715396892.767722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6353600, - "timestamp": 1715396892.783349, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7096100, - "timestamp": 1715396892.783349, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6302300, - "timestamp": 1715396892.798973, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6545600, - "timestamp": 1715396892.798973, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6360300, - "timestamp": 1715396892.798973, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6854300, - "timestamp": 1715396892.8146, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6213500, - "timestamp": 1715396892.8146, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6549700, - "timestamp": 1715396892.830223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6398800, - "timestamp": 1715396892.830223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6852300, - "timestamp": 1715396892.845852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6115900, - "timestamp": 1715396892.845852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6615500, - "timestamp": 1715396892.845852, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6385100, - "timestamp": 1715396892.861476, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7074200, - "timestamp": 1715396892.861476, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6299500, - "timestamp": 1715396892.877099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6617800, - "timestamp": 1715396892.877099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6385700, - "timestamp": 1715396892.892724, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7038500, - "timestamp": 1715396892.892724, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6334400, - "timestamp": 1715396892.892724, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6577300, - "timestamp": 1715396892.90835, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7074100, - "timestamp": 1715396892.90835, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6296500, - "timestamp": 1715396892.923976, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6448100, - "timestamp": 1715396892.923976, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6616300, - "timestamp": 1715396892.923976, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7040900, - "timestamp": 1715396892.939599, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6352900, - "timestamp": 1715396892.939599, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6449700, - "timestamp": 1715396892.955223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6627500, - "timestamp": 1715396892.955223, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7040400, - "timestamp": 1715396892.97085, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6300700, - "timestamp": 1715396892.97085, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6479200, - "timestamp": 1715396892.97085, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6579600, - "timestamp": 1715396892.986473, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7143700, - "timestamp": 1715396892.986473, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6298700, - "timestamp": 1715396893.002099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6516400, - "timestamp": 1715396893.002099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6580100, - "timestamp": 1715396893.017726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7038700, - "timestamp": 1715396893.017726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6595300, - "timestamp": 1715396893.017726, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6663900, - "timestamp": 1715396893.033352, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6618600, - "timestamp": 1715396893.033352, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7043200, - "timestamp": 1715396893.04898, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6824200, - "timestamp": 1715396893.04898, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6111900, - "timestamp": 1715396893.064601, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6863300, - "timestamp": 1715396893.064601, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6916800, - "timestamp": 1715396893.064601, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6325200, - "timestamp": 1715396893.080232, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6155300, - "timestamp": 1715396893.080232, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6548200, - "timestamp": 1715396893.095853, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 7021200, - "timestamp": 1715396893.095853, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6419300, - "timestamp": 1715396893.111475, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5928200, - "timestamp": 1715396893.111475, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6500100, - "timestamp": 1715396893.111475, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6792000, - "timestamp": 1715396893.127099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6725500, - "timestamp": 1715396893.127099, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 5746900, - "timestamp": 1715396893.142722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "numpy", - "runtime": 6454000, - "timestamp": 1715396893.142722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame", - "runtime": 6960700, - "timestamp": 1715396893.142722, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python", - "runtime": 6419400, - "timestamp": 1715396893.158352, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium", - "runtime": 6150100, - "timestamp": 1715396893.158352, - "sequence": [ - { - "benchmark_id": "get_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "get_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "get_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "get_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5269000, - "timestamp": 1715396893.220849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9377600, - "timestamp": 1715396893.220849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6975100, - "timestamp": 1715396893.236476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6370000, - "timestamp": 1715396893.236476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5249200, - "timestamp": 1715396893.252098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9470100, - "timestamp": 1715396893.252098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6977800, - "timestamp": 1715396893.268326, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6610900, - "timestamp": 1715396893.268326, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5006200, - "timestamp": 1715396893.283849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9317900, - "timestamp": 1715396893.283849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6852900, - "timestamp": 1715396893.299503, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6313900, - "timestamp": 1715396893.299503, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5214400, - "timestamp": 1715396893.299503, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9281300, - "timestamp": 1715396893.315123, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6948500, - "timestamp": 1715396893.315123, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6342500, - "timestamp": 1715396893.33075, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5288000, - "timestamp": 1715396893.33075, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9214500, - "timestamp": 1715396893.346373, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7090700, - "timestamp": 1715396893.346373, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6380200, - "timestamp": 1715396893.362001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5250000, - "timestamp": 1715396893.362001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9359200, - "timestamp": 1715396893.362001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6300400, - "timestamp": 1715396893.377627, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6880500, - "timestamp": 1715396893.377627, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5251700, - "timestamp": 1715396893.393254, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9374300, - "timestamp": 1715396893.393254, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6360900, - "timestamp": 1715396893.408876, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6960700, - "timestamp": 1715396893.408876, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5249100, - "timestamp": 1715396893.424502, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9332500, - "timestamp": 1715396893.424502, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6409000, - "timestamp": 1715396893.440128, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6916900, - "timestamp": 1715396893.440128, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5257100, - "timestamp": 1715396893.440128, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9248500, - "timestamp": 1715396893.455753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6343100, - "timestamp": 1715396893.455753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6915400, - "timestamp": 1715396893.471377, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5250700, - "timestamp": 1715396893.471377, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9313700, - "timestamp": 1715396893.471377, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6310500, - "timestamp": 1715396893.487001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6778800, - "timestamp": 1715396893.487001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5252100, - "timestamp": 1715396893.502632, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6774600, - "timestamp": 1715396893.502632, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9613500, - "timestamp": 1715396893.518298, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6356500, - "timestamp": 1715396893.518298, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5247400, - "timestamp": 1715396893.533878, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6731100, - "timestamp": 1715396893.533878, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9387500, - "timestamp": 1715396893.533878, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6321400, - "timestamp": 1715396893.549502, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5356300, - "timestamp": 1715396893.549502, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6670400, - "timestamp": 1715396893.565127, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9269800, - "timestamp": 1715396893.565127, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6291000, - "timestamp": 1715396893.580752, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5264600, - "timestamp": 1715396893.580752, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6666000, - "timestamp": 1715396893.596376, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9565600, - "timestamp": 1715396893.596376, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6306900, - "timestamp": 1715396893.612001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185800, - "timestamp": 1715396893.612001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6959700, - "timestamp": 1715396893.612001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9119400, - "timestamp": 1715396893.627632, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6771900, - "timestamp": 1715396893.627632, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5190400, - "timestamp": 1715396893.643258, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6902000, - "timestamp": 1715396893.643258, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6380700, - "timestamp": 1715396893.658888, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9252400, - "timestamp": 1715396893.658888, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189400, - "timestamp": 1715396893.674505, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855100, - "timestamp": 1715396893.674505, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6501200, - "timestamp": 1715396893.674505, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9170700, - "timestamp": 1715396893.690728, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5246900, - "timestamp": 1715396893.690728, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6853000, - "timestamp": 1715396893.706248, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6359900, - "timestamp": 1715396893.706248, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9317100, - "timestamp": 1715396893.721904, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189200, - "timestamp": 1715396893.721904, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6861400, - "timestamp": 1715396893.721904, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6328800, - "timestamp": 1715396893.737527, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9263200, - "timestamp": 1715396893.737527, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185700, - "timestamp": 1715396893.753152, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6887000, - "timestamp": 1715396893.753152, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6397500, - "timestamp": 1715396893.768778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9357500, - "timestamp": 1715396893.768778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5437800, - "timestamp": 1715396893.784403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6352700, - "timestamp": 1715396893.784403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9315600, - "timestamp": 1715396893.784403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7206600, - "timestamp": 1715396893.800032, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5437000, - "timestamp": 1715396893.815653, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6387900, - "timestamp": 1715396893.815653, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9274500, - "timestamp": 1715396893.815653, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7102500, - "timestamp": 1715396893.83128, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5469100, - "timestamp": 1715396893.83128, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6352100, - "timestamp": 1715396893.846903, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9300700, - "timestamp": 1715396893.846903, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7287900, - "timestamp": 1715396893.862528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5439800, - "timestamp": 1715396893.862528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6591500, - "timestamp": 1715396893.862528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9202900, - "timestamp": 1715396893.878156, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6868200, - "timestamp": 1715396893.893781, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5188100, - "timestamp": 1715396893.893781, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6368000, - "timestamp": 1715396893.893781, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9291800, - "timestamp": 1715396893.909403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6861100, - "timestamp": 1715396893.909403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5252800, - "timestamp": 1715396893.925028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6304800, - "timestamp": 1715396893.925028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6924400, - "timestamp": 1715396893.925028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9368700, - "timestamp": 1715396893.940653, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5251300, - "timestamp": 1715396893.956278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6317900, - "timestamp": 1715396893.956278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6926200, - "timestamp": 1715396893.956278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9347200, - "timestamp": 1715396893.971902, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5290500, - "timestamp": 1715396893.971902, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6329800, - "timestamp": 1715396893.987527, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6916500, - "timestamp": 1715396893.987527, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9701000, - "timestamp": 1715396893.987527, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5307700, - "timestamp": 1715396894.003154, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6386600, - "timestamp": 1715396894.003154, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7039400, - "timestamp": 1715396894.018778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9458200, - "timestamp": 1715396894.018778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5309900, - "timestamp": 1715396894.034405, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6368100, - "timestamp": 1715396894.034405, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7039300, - "timestamp": 1715396894.050028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9442300, - "timestamp": 1715396894.050028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9427800, - "timestamp": 1715396894.065654, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5336900, - "timestamp": 1715396894.065654, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7038700, - "timestamp": 1715396894.081279, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6395600, - "timestamp": 1715396894.081279, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9373000, - "timestamp": 1715396894.096934, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5310800, - "timestamp": 1715396894.096934, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7191900, - "timestamp": 1715396894.096934, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6356100, - "timestamp": 1715396894.112557, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9236800, - "timestamp": 1715396894.112557, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185800, - "timestamp": 1715396894.128154, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7079200, - "timestamp": 1715396894.128154, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6329900, - "timestamp": 1715396894.143781, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9519700, - "timestamp": 1715396894.143781, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5006200, - "timestamp": 1715396894.159406, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6851500, - "timestamp": 1715396894.159406, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6385200, - "timestamp": 1715396894.159406, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9340900, - "timestamp": 1715396894.175028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5174800, - "timestamp": 1715396894.175028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6671500, - "timestamp": 1715396894.190652, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6371400, - "timestamp": 1715396894.190652, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9166900, - "timestamp": 1715396894.206283, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5221800, - "timestamp": 1715396894.206283, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6310800, - "timestamp": 1715396894.221905, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6669000, - "timestamp": 1715396894.221905, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9406300, - "timestamp": 1715396894.221905, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5190400, - "timestamp": 1715396894.23753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6360300, - "timestamp": 1715396894.23753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6669000, - "timestamp": 1715396894.253155, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9597600, - "timestamp": 1715396894.253155, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5250600, - "timestamp": 1715396894.269535, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6365800, - "timestamp": 1715396894.269535, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6730900, - "timestamp": 1715396894.284558, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9352200, - "timestamp": 1715396894.284558, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5249700, - "timestamp": 1715396894.30022, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6298300, - "timestamp": 1715396894.30022, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6768800, - "timestamp": 1715396894.30022, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9290300, - "timestamp": 1715396894.315841, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5357000, - "timestamp": 1715396894.315841, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6328600, - "timestamp": 1715396894.331463, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6883200, - "timestamp": 1715396894.331463, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9225000, - "timestamp": 1715396894.347089, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6895500, - "timestamp": 1715396894.347089, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5187400, - "timestamp": 1715396894.362712, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6341900, - "timestamp": 1715396894.362712, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9369800, - "timestamp": 1715396894.362712, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6863300, - "timestamp": 1715396894.378339, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5469800, - "timestamp": 1715396894.378339, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6336000, - "timestamp": 1715396894.393966, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9274400, - "timestamp": 1715396894.393966, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6853700, - "timestamp": 1715396894.409588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5186500, - "timestamp": 1715396894.409588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6442900, - "timestamp": 1715396894.409588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9167500, - "timestamp": 1715396894.425214, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6891600, - "timestamp": 1715396894.425214, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185700, - "timestamp": 1715396894.440836, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6658700, - "timestamp": 1715396894.440836, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9316300, - "timestamp": 1715396894.456462, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6882200, - "timestamp": 1715396894.456462, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5188100, - "timestamp": 1715396894.47209, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6382600, - "timestamp": 1715396894.47209, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9299200, - "timestamp": 1715396894.47209, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855300, - "timestamp": 1715396894.487711, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6333900, - "timestamp": 1715396894.487711, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5242600, - "timestamp": 1715396894.503337, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9308500, - "timestamp": 1715396894.503337, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855400, - "timestamp": 1715396894.519001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6396300, - "timestamp": 1715396894.519001, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5188100, - "timestamp": 1715396894.534589, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9344300, - "timestamp": 1715396894.534589, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6853400, - "timestamp": 1715396894.550214, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6311400, - "timestamp": 1715396894.550214, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5212300, - "timestamp": 1715396894.550214, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9284900, - "timestamp": 1715396894.565837, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6871800, - "timestamp": 1715396894.565837, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6298100, - "timestamp": 1715396894.581462, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5257800, - "timestamp": 1715396894.581462, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9150900, - "timestamp": 1715396894.597088, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7678700, - "timestamp": 1715396894.597088, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 10031000, - "timestamp": 1715396894.613866, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5253600, - "timestamp": 1715396894.619476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9225400, - "timestamp": 1715396894.628515, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6687500, - "timestamp": 1715396894.628515, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5001800, - "timestamp": 1715396894.64417, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6856100, - "timestamp": 1715396894.64417, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9276700, - "timestamp": 1715396894.64417, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6326100, - "timestamp": 1715396894.659792, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5482200, - "timestamp": 1715396894.659792, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6671100, - "timestamp": 1715396894.675417, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9282000, - "timestamp": 1715396894.675417, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6315700, - "timestamp": 1715396894.691045, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5190300, - "timestamp": 1715396894.691045, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6775600, - "timestamp": 1715396894.691045, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9305100, - "timestamp": 1715396894.706671, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6328000, - "timestamp": 1715396894.722293, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189500, - "timestamp": 1715396894.722293, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6787400, - "timestamp": 1715396894.722293, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9315200, - "timestamp": 1715396894.737918, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6385100, - "timestamp": 1715396894.737918, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5187600, - "timestamp": 1715396894.753546, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6725900, - "timestamp": 1715396894.753546, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9343700, - "timestamp": 1715396894.753546, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6305800, - "timestamp": 1715396894.76917, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6897200, - "timestamp": 1715396894.76917, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5313400, - "timestamp": 1715396894.784796, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9533100, - "timestamp": 1715396894.784796, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6322800, - "timestamp": 1715396894.800419, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7080900, - "timestamp": 1715396894.800419, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5313200, - "timestamp": 1715396894.816049, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9398300, - "timestamp": 1715396894.816049, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6335800, - "timestamp": 1715396894.831669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6980300, - "timestamp": 1715396894.831669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5346900, - "timestamp": 1715396894.831669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9327400, - "timestamp": 1715396894.847294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6380000, - "timestamp": 1715396894.847294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7041800, - "timestamp": 1715396894.862919, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5425200, - "timestamp": 1715396894.862919, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9488700, - "timestamp": 1715396894.878542, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6443600, - "timestamp": 1715396894.878542, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6979300, - "timestamp": 1715396894.894169, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5308300, - "timestamp": 1715396894.894169, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7133600, - "timestamp": 1715396894.894169, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5373300, - "timestamp": 1715396894.909795, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9394300, - "timestamp": 1715396894.909795, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6316000, - "timestamp": 1715396894.925418, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7013000, - "timestamp": 1715396894.925418, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5309200, - "timestamp": 1715396894.941044, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9404100, - "timestamp": 1715396894.941044, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6340900, - "timestamp": 1715396894.956668, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7014100, - "timestamp": 1715396894.956668, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5310700, - "timestamp": 1715396894.972294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9413700, - "timestamp": 1715396894.972294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6377900, - "timestamp": 1715396894.972294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6975900, - "timestamp": 1715396894.987919, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5447200, - "timestamp": 1715396894.987919, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9238000, - "timestamp": 1715396895.003543, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6391800, - "timestamp": 1715396895.003543, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6976300, - "timestamp": 1715396895.019171, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5372700, - "timestamp": 1715396895.019171, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9488200, - "timestamp": 1715396895.019171, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6359900, - "timestamp": 1715396895.034793, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7014600, - "timestamp": 1715396895.034793, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5375200, - "timestamp": 1715396895.050421, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6392100, - "timestamp": 1715396895.050421, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9257600, - "timestamp": 1715396895.066044, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7031400, - "timestamp": 1715396895.066044, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5308500, - "timestamp": 1715396895.081669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6435400, - "timestamp": 1715396895.081669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9462400, - "timestamp": 1715396895.081669, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7004400, - "timestamp": 1715396895.097296, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5372200, - "timestamp": 1715396895.112917, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6337900, - "timestamp": 1715396895.112917, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9515300, - "timestamp": 1715396895.112917, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6976400, - "timestamp": 1715396895.128544, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5413900, - "timestamp": 1715396895.128544, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6349000, - "timestamp": 1715396895.144168, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9508900, - "timestamp": 1715396895.144168, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6974400, - "timestamp": 1715396895.159796, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5375000, - "timestamp": 1715396895.159796, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6377900, - "timestamp": 1715396895.159796, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9419000, - "timestamp": 1715396895.17542, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7042600, - "timestamp": 1715396895.17542, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9412300, - "timestamp": 1715396895.191047, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5435500, - "timestamp": 1715396895.20667, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6292700, - "timestamp": 1715396895.20667, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7250600, - "timestamp": 1715396895.20667, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9035400, - "timestamp": 1715396895.222294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5264000, - "timestamp": 1715396895.222294, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6323900, - "timestamp": 1715396895.237921, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6897700, - "timestamp": 1715396895.237921, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9356200, - "timestamp": 1715396895.253547, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5191300, - "timestamp": 1715396895.253547, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6630600, - "timestamp": 1715396895.253547, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6857400, - "timestamp": 1715396895.269788, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9317300, - "timestamp": 1715396895.269788, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189200, - "timestamp": 1715396895.284819, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6352700, - "timestamp": 1715396895.284819, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855600, - "timestamp": 1715396895.300479, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9383500, - "timestamp": 1715396895.300479, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5186400, - "timestamp": 1715396895.316103, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6378400, - "timestamp": 1715396895.316103, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6891800, - "timestamp": 1715396895.316103, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9257500, - "timestamp": 1715396895.331731, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6378100, - "timestamp": 1715396895.331731, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5190600, - "timestamp": 1715396895.347353, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6906500, - "timestamp": 1715396895.347353, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9281400, - "timestamp": 1715396895.362977, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6387000, - "timestamp": 1715396895.362977, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185700, - "timestamp": 1715396895.378602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6852900, - "timestamp": 1715396895.378602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9347100, - "timestamp": 1715396895.378602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6373100, - "timestamp": 1715396895.394229, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5241200, - "timestamp": 1715396895.394229, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6857800, - "timestamp": 1715396895.409856, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9475100, - "timestamp": 1715396895.409856, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6350400, - "timestamp": 1715396895.42548, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5230900, - "timestamp": 1715396895.42548, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855900, - "timestamp": 1715396895.441108, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9312700, - "timestamp": 1715396895.441108, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6405000, - "timestamp": 1715396895.456727, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189400, - "timestamp": 1715396895.456727, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6891200, - "timestamp": 1715396895.456727, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6321100, - "timestamp": 1715396895.472354, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5224300, - "timestamp": 1715396895.472354, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9328100, - "timestamp": 1715396895.487979, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6906500, - "timestamp": 1715396895.487979, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6350700, - "timestamp": 1715396895.503602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5187100, - "timestamp": 1715396895.503602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9348400, - "timestamp": 1715396895.503602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6857100, - "timestamp": 1715396895.519318, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6420000, - "timestamp": 1715396895.519318, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5373100, - "timestamp": 1715396895.53485, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9382300, - "timestamp": 1715396895.53485, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855100, - "timestamp": 1715396895.550476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6398500, - "timestamp": 1715396895.550476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5372200, - "timestamp": 1715396895.566098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9505200, - "timestamp": 1715396895.566098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6858800, - "timestamp": 1715396895.581724, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6297300, - "timestamp": 1715396895.581724, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5469800, - "timestamp": 1715396895.581724, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9288200, - "timestamp": 1715396895.597347, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7173500, - "timestamp": 1715396895.597347, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6365600, - "timestamp": 1715396895.612975, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9251400, - "timestamp": 1715396895.612975, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5375800, - "timestamp": 1715396895.628603, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6909100, - "timestamp": 1715396895.628603, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6327100, - "timestamp": 1715396895.644225, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9252200, - "timestamp": 1715396895.644225, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5373800, - "timestamp": 1715396895.659849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6856900, - "timestamp": 1715396895.659849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6351700, - "timestamp": 1715396895.659849, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9260100, - "timestamp": 1715396895.675475, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5499400, - "timestamp": 1715396895.675475, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6857200, - "timestamp": 1715396895.691098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6407500, - "timestamp": 1715396895.691098, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9264400, - "timestamp": 1715396895.706729, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5379200, - "timestamp": 1715396895.706729, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6879000, - "timestamp": 1715396895.706729, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6370500, - "timestamp": 1715396895.72235, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9461900, - "timestamp": 1715396895.72235, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5001700, - "timestamp": 1715396895.737974, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 7919600, - "timestamp": 1715396895.737974, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5218800, - "timestamp": 1715396895.753605, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9332400, - "timestamp": 1715396895.753605, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6854300, - "timestamp": 1715396895.769227, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6502400, - "timestamp": 1715396895.769227, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5207400, - "timestamp": 1715396895.784851, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9318500, - "timestamp": 1715396895.784851, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6880800, - "timestamp": 1715396895.784851, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6316200, - "timestamp": 1715396895.800478, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5262400, - "timestamp": 1715396895.800478, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9292900, - "timestamp": 1715396895.816101, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6884200, - "timestamp": 1715396895.816101, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6312700, - "timestamp": 1715396895.831728, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5191400, - "timestamp": 1715396895.831728, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9319700, - "timestamp": 1715396895.831728, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855000, - "timestamp": 1715396895.847353, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6358700, - "timestamp": 1715396895.847353, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189900, - "timestamp": 1715396895.862976, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9343100, - "timestamp": 1715396895.862976, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6854400, - "timestamp": 1715396895.878602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6417600, - "timestamp": 1715396895.878602, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189900, - "timestamp": 1715396895.894226, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6852100, - "timestamp": 1715396895.894226, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9425500, - "timestamp": 1715396895.894226, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6321800, - "timestamp": 1715396895.909853, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5194800, - "timestamp": 1715396895.909853, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6856600, - "timestamp": 1715396895.925476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9332300, - "timestamp": 1715396895.925476, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6393100, - "timestamp": 1715396895.941101, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5229900, - "timestamp": 1715396895.941101, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6855000, - "timestamp": 1715396895.956729, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9326700, - "timestamp": 1715396895.956729, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6339500, - "timestamp": 1715396895.972352, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189800, - "timestamp": 1715396895.972352, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6880000, - "timestamp": 1715396895.972352, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9362300, - "timestamp": 1715396895.987976, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6635800, - "timestamp": 1715396895.987976, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5190300, - "timestamp": 1715396896.0036, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6910500, - "timestamp": 1715396896.0036, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9309400, - "timestamp": 1715396896.019257, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6366300, - "timestamp": 1715396896.019257, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9326600, - "timestamp": 1715396896.03488, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5188100, - "timestamp": 1715396896.03488, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6899600, - "timestamp": 1715396896.03488, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6323200, - "timestamp": 1715396896.050504, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9369600, - "timestamp": 1715396896.050504, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5185600, - "timestamp": 1715396896.06613, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6867600, - "timestamp": 1715396896.06613, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6315500, - "timestamp": 1715396896.081753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9361600, - "timestamp": 1715396896.081753, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5189400, - "timestamp": 1715396896.09738, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6854400, - "timestamp": 1715396896.09738, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6330000, - "timestamp": 1715396896.09738, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9226300, - "timestamp": 1715396896.113004, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 6162100, - "timestamp": 1715396896.113004, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6869100, - "timestamp": 1715396896.131075, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6347000, - "timestamp": 1715396896.131075, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9206700, - "timestamp": 1715396896.144596, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5284000, - "timestamp": 1715396896.144596, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6918800, - "timestamp": 1715396896.160278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6323200, - "timestamp": 1715396896.160278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9237600, - "timestamp": 1715396896.160278, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6926300, - "timestamp": 1715396896.175903, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5248700, - "timestamp": 1715396896.191528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6321900, - "timestamp": 1715396896.191528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9263300, - "timestamp": 1715396896.191528, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6914400, - "timestamp": 1715396896.207153, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5330300, - "timestamp": 1715396896.207153, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6309600, - "timestamp": 1715396896.222778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9281300, - "timestamp": 1715396896.222778, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6918000, - "timestamp": 1715396896.238403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5249400, - "timestamp": 1715396896.238403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6496800, - "timestamp": 1715396896.238403, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9126800, - "timestamp": 1715396896.254028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7051500, - "timestamp": 1715396896.254028, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5249700, - "timestamp": 1715396896.270343, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6413000, - "timestamp": 1715396896.270343, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9385800, - "timestamp": 1715396896.285392, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7096700, - "timestamp": 1715396896.285392, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5311800, - "timestamp": 1715396896.301111, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6357200, - "timestamp": 1715396896.301111, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7022200, - "timestamp": 1715396896.301111, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5309100, - "timestamp": 1715396896.316736, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9485600, - "timestamp": 1715396896.316736, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6362000, - "timestamp": 1715396896.332384, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7000000, - "timestamp": 1715396896.332384, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5310400, - "timestamp": 1715396896.347989, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9378400, - "timestamp": 1715396896.347989, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6349700, - "timestamp": 1715396896.363588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6975100, - "timestamp": 1715396896.363588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5364600, - "timestamp": 1715396896.363588, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9445400, - "timestamp": 1715396896.379206, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6374200, - "timestamp": 1715396896.379206, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6976000, - "timestamp": 1715396896.394831, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5335000, - "timestamp": 1715396896.394831, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9357700, - "timestamp": 1715396896.410455, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6397400, - "timestamp": 1715396896.410455, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6921000, - "timestamp": 1715396896.42608, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5247300, - "timestamp": 1715396896.42608, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9307900, - "timestamp": 1715396896.42608, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6333900, - "timestamp": 1715396896.441707, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6928900, - "timestamp": 1715396896.441707, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9411200, - "timestamp": 1715396896.457331, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5282100, - "timestamp": 1715396896.457331, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6328000, - "timestamp": 1715396896.472957, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6939000, - "timestamp": 1715396896.472957, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9274400, - "timestamp": 1715396896.488582, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5283300, - "timestamp": 1715396896.488582, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6313700, - "timestamp": 1715396896.50424, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 6923900, - "timestamp": 1715396896.50424, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9349100, - "timestamp": 1715396896.50424, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5436000, - "timestamp": 1715396896.51997, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6418500, - "timestamp": 1715396896.51997, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7106500, - "timestamp": 1715396896.535479, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9711700, - "timestamp": 1715396896.535479, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5378000, - "timestamp": 1715396896.551171, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "numpy", - "runtime": 6370400, - "timestamp": 1715396896.551171, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame", - "runtime": 7042500, - "timestamp": 1715396896.566695, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python", - "runtime": 9267200, - "timestamp": 1715396896.566695, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium", - "runtime": 5377000, - "timestamp": 1715396896.582305, - "sequence": [ - { - "benchmark_id": "set_item", - "subject_id": "numpy" - }, - { - "benchmark_id": "set_item", - "subject_id": "pygame" - }, - { - "benchmark_id": "set_item", - "subject_id": "pure_python" - }, - { - "benchmark_id": "set_item", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6678200, - "timestamp": 1715396896.629677, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5638700, - "timestamp": 1715396896.629677, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9946700, - "timestamp": 1715396896.645334, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6740000, - "timestamp": 1715396896.645334, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5553100, - "timestamp": 1715396896.660961, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10226000, - "timestamp": 1715396896.660961, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6646700, - "timestamp": 1715396896.676583, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5547300, - "timestamp": 1715396896.676583, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10227600, - "timestamp": 1715396896.676583, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6715400, - "timestamp": 1715396896.692207, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5611300, - "timestamp": 1715396896.692207, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10189400, - "timestamp": 1715396896.707832, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6702700, - "timestamp": 1715396896.707832, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5567900, - "timestamp": 1715396896.723457, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10006800, - "timestamp": 1715396896.723457, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6683700, - "timestamp": 1715396896.739082, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5695200, - "timestamp": 1715396896.739082, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9945400, - "timestamp": 1715396896.754708, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6699200, - "timestamp": 1715396896.754708, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5529600, - "timestamp": 1715396896.770337, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9815600, - "timestamp": 1715396896.770337, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6712800, - "timestamp": 1715396896.785958, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5863700, - "timestamp": 1715396896.785958, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9882300, - "timestamp": 1715396896.801579, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6937600, - "timestamp": 1715396896.801579, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5506000, - "timestamp": 1715396896.817212, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9898900, - "timestamp": 1715396896.817212, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6650400, - "timestamp": 1715396896.832836, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5525500, - "timestamp": 1715396896.832836, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9998600, - "timestamp": 1715396896.832836, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6710400, - "timestamp": 1715396896.848455, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5551400, - "timestamp": 1715396896.848455, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9940600, - "timestamp": 1715396896.864079, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6702100, - "timestamp": 1715396896.864079, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5533500, - "timestamp": 1715396896.879704, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10026300, - "timestamp": 1715396896.879704, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6721100, - "timestamp": 1715396896.895328, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5564800, - "timestamp": 1715396896.895328, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9943800, - "timestamp": 1715396896.910956, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6725300, - "timestamp": 1715396896.910956, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5503900, - "timestamp": 1715396896.926579, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10074600, - "timestamp": 1715396896.926579, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6703900, - "timestamp": 1715396896.942204, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5583000, - "timestamp": 1715396896.942204, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9940600, - "timestamp": 1715396896.957832, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6686100, - "timestamp": 1715396896.957832, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5529200, - "timestamp": 1715396896.973454, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9983800, - "timestamp": 1715396896.973454, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6688100, - "timestamp": 1715396896.989077, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5524800, - "timestamp": 1715396896.989077, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10263700, - "timestamp": 1715396896.989077, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6675000, - "timestamp": 1715396897.004705, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9856000, - "timestamp": 1715396897.004705, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5459700, - "timestamp": 1715396897.020334, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6754200, - "timestamp": 1715396897.020334, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9894400, - "timestamp": 1715396897.035961, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5526400, - "timestamp": 1715396897.051582, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6467400, - "timestamp": 1715396897.051582, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10239100, - "timestamp": 1715396897.051582, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5488000, - "timestamp": 1715396897.067208, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6813600, - "timestamp": 1715396897.067208, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10495300, - "timestamp": 1715396897.08283, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5571600, - "timestamp": 1715396897.08283, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6739000, - "timestamp": 1715396897.098459, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10201500, - "timestamp": 1715396897.098459, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5527900, - "timestamp": 1715396897.114081, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6773600, - "timestamp": 1715396897.114081, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10247100, - "timestamp": 1715396897.129707, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5572800, - "timestamp": 1715396897.129707, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6776500, - "timestamp": 1715396897.145333, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10252700, - "timestamp": 1715396897.145333, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5490500, - "timestamp": 1715396897.160956, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6779700, - "timestamp": 1715396897.160956, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10190300, - "timestamp": 1715396897.176581, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5533900, - "timestamp": 1715396897.176581, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6738100, - "timestamp": 1715396897.192205, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10211400, - "timestamp": 1715396897.192205, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5527400, - "timestamp": 1715396897.20783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6760600, - "timestamp": 1715396897.20783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10196300, - "timestamp": 1715396897.20783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5535100, - "timestamp": 1715396897.22346, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6742800, - "timestamp": 1715396897.22346, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10187900, - "timestamp": 1715396897.239081, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5548600, - "timestamp": 1715396897.239081, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6765600, - "timestamp": 1715396897.254734, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10192900, - "timestamp": 1715396897.254734, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5522900, - "timestamp": 1715396897.270987, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6725900, - "timestamp": 1715396897.270987, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9693500, - "timestamp": 1715396897.286009, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5730800, - "timestamp": 1715396897.286009, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6626100, - "timestamp": 1715396897.301659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9742500, - "timestamp": 1715396897.301659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5499700, - "timestamp": 1715396897.317287, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6871400, - "timestamp": 1715396897.317287, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9581800, - "timestamp": 1715396897.332916, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5515000, - "timestamp": 1715396897.332916, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6732900, - "timestamp": 1715396897.332916, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9741400, - "timestamp": 1715396897.348538, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5464500, - "timestamp": 1715396897.364161, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6692400, - "timestamp": 1715396897.364161, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10037500, - "timestamp": 1715396897.364161, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5525400, - "timestamp": 1715396897.379787, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5631800, - "timestamp": 1715396897.379787, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6726000, - "timestamp": 1715396897.395412, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10096400, - "timestamp": 1715396897.395412, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5530400, - "timestamp": 1715396897.411037, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6812600, - "timestamp": 1715396897.411037, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10003400, - "timestamp": 1715396897.426662, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5610500, - "timestamp": 1715396897.426662, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6703300, - "timestamp": 1715396897.442287, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9797100, - "timestamp": 1715396897.442287, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5537700, - "timestamp": 1715396897.457909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6927800, - "timestamp": 1715396897.457909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9797400, - "timestamp": 1715396897.457909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5513100, - "timestamp": 1715396897.473534, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6960300, - "timestamp": 1715396897.473534, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9754700, - "timestamp": 1715396897.489156, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5590800, - "timestamp": 1715396897.489156, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6919900, - "timestamp": 1715396897.504783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9663700, - "timestamp": 1715396897.504783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5542000, - "timestamp": 1715396897.520468, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6802600, - "timestamp": 1715396897.520468, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9944900, - "timestamp": 1715396897.536038, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5589900, - "timestamp": 1715396897.536038, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6754100, - "timestamp": 1715396897.551662, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9973800, - "timestamp": 1715396897.551662, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5553000, - "timestamp": 1715396897.567285, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6768400, - "timestamp": 1715396897.567285, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10185900, - "timestamp": 1715396897.582909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5574300, - "timestamp": 1715396897.582909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6738200, - "timestamp": 1715396897.598536, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10227400, - "timestamp": 1715396897.598536, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5585100, - "timestamp": 1715396897.61416, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6749300, - "timestamp": 1715396897.61416, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10222000, - "timestamp": 1715396897.61416, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5540300, - "timestamp": 1715396897.629786, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6873600, - "timestamp": 1715396897.629786, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10022500, - "timestamp": 1715396897.64541, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5672600, - "timestamp": 1715396897.661039, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6633000, - "timestamp": 1715396897.661039, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9890400, - "timestamp": 1715396897.661039, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5528800, - "timestamp": 1715396897.676661, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6660300, - "timestamp": 1715396897.676661, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9880100, - "timestamp": 1715396897.692285, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5517800, - "timestamp": 1715396897.692285, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6662100, - "timestamp": 1715396897.70791, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9963400, - "timestamp": 1715396897.70791, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5518400, - "timestamp": 1715396897.723534, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6705100, - "timestamp": 1715396897.723534, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9942000, - "timestamp": 1715396897.739159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5599800, - "timestamp": 1715396897.739159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6663800, - "timestamp": 1715396897.754785, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9966700, - "timestamp": 1715396897.754785, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5543000, - "timestamp": 1715396897.770409, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9971700, - "timestamp": 1715396897.770409, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6755500, - "timestamp": 1715396897.786034, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5564500, - "timestamp": 1715396897.786034, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9948600, - "timestamp": 1715396897.786034, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6751800, - "timestamp": 1715396897.801659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5635700, - "timestamp": 1715396897.801659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9941900, - "timestamp": 1715396897.817284, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 7020500, - "timestamp": 1715396897.817284, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5548700, - "timestamp": 1715396897.832913, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10095800, - "timestamp": 1715396897.832913, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6689700, - "timestamp": 1715396897.848536, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5879900, - "timestamp": 1715396897.848536, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9695800, - "timestamp": 1715396897.864165, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6837500, - "timestamp": 1715396897.864165, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5515300, - "timestamp": 1715396897.879788, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10036900, - "timestamp": 1715396897.879788, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6619100, - "timestamp": 1715396897.895411, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5598800, - "timestamp": 1715396897.895411, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9693200, - "timestamp": 1715396897.91104, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6898600, - "timestamp": 1715396897.91104, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5496000, - "timestamp": 1715396897.926661, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9919400, - "timestamp": 1715396897.926661, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6874600, - "timestamp": 1715396897.942281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5534300, - "timestamp": 1715396897.942281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9925000, - "timestamp": 1715396897.942281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6860900, - "timestamp": 1715396897.957909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5611000, - "timestamp": 1715396897.957909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9880300, - "timestamp": 1715396897.973532, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6896700, - "timestamp": 1715396897.973532, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5509500, - "timestamp": 1715396897.989159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9922900, - "timestamp": 1715396897.989159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6869500, - "timestamp": 1715396898.00478, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5651100, - "timestamp": 1715396898.00478, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9878700, - "timestamp": 1715396898.02041, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6927600, - "timestamp": 1715396898.02041, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5900400, - "timestamp": 1715396898.036031, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10191300, - "timestamp": 1715396898.036031, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6868500, - "timestamp": 1715396898.051659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5589500, - "timestamp": 1715396898.051659, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10124600, - "timestamp": 1715396898.067283, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6890700, - "timestamp": 1715396898.067283, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5487300, - "timestamp": 1715396898.082908, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10145900, - "timestamp": 1715396898.082908, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6847000, - "timestamp": 1715396898.098531, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5534300, - "timestamp": 1715396898.098531, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10178500, - "timestamp": 1715396898.098531, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6900500, - "timestamp": 1715396898.114159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5531000, - "timestamp": 1715396898.129783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9929600, - "timestamp": 1715396898.129783, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6890000, - "timestamp": 1715396898.145408, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9937000, - "timestamp": 1715396898.145408, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6873500, - "timestamp": 1715396898.161033, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5565500, - "timestamp": 1715396898.161033, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9764400, - "timestamp": 1715396898.161033, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6702300, - "timestamp": 1715396898.176658, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5538700, - "timestamp": 1715396898.192281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9696000, - "timestamp": 1715396898.192281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6876200, - "timestamp": 1715396898.192281, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5498900, - "timestamp": 1715396898.207909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9540700, - "timestamp": 1715396898.207909, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6676300, - "timestamp": 1715396898.223537, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5549900, - "timestamp": 1715396898.223537, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9572200, - "timestamp": 1715396898.239159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6708200, - "timestamp": 1715396898.239159, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5599200, - "timestamp": 1715396898.254784, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9634800, - "timestamp": 1715396898.254784, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6680600, - "timestamp": 1715396898.270408, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5506200, - "timestamp": 1715396898.270408, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9709700, - "timestamp": 1715396898.270408, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6568000, - "timestamp": 1715396898.286371, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5593900, - "timestamp": 1715396898.286371, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9882000, - "timestamp": 1715396898.301895, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6711000, - "timestamp": 1715396898.301895, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5536500, - "timestamp": 1715396898.317553, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10161400, - "timestamp": 1715396898.317553, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6671400, - "timestamp": 1715396898.333176, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5584300, - "timestamp": 1715396898.333176, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10126800, - "timestamp": 1715396898.348801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6722600, - "timestamp": 1715396898.348801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5525700, - "timestamp": 1715396898.364426, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9879400, - "timestamp": 1715396898.364426, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6695400, - "timestamp": 1715396898.38005, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5662700, - "timestamp": 1715396898.38005, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9696800, - "timestamp": 1715396898.395674, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6958300, - "timestamp": 1715396898.395674, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5504900, - "timestamp": 1715396898.411302, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9562600, - "timestamp": 1715396898.411302, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6583000, - "timestamp": 1715396898.426932, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5543400, - "timestamp": 1715396898.426932, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9927800, - "timestamp": 1715396898.426932, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6667300, - "timestamp": 1715396898.442552, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5569700, - "timestamp": 1715396898.442552, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9943000, - "timestamp": 1715396898.458172, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6758000, - "timestamp": 1715396898.458172, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5546000, - "timestamp": 1715396898.473801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9984600, - "timestamp": 1715396898.473801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6750700, - "timestamp": 1715396898.489422, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5551000, - "timestamp": 1715396898.489422, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9943500, - "timestamp": 1715396898.505049, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 7145600, - "timestamp": 1715396898.505049, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5512800, - "timestamp": 1715396898.520771, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9606600, - "timestamp": 1715396898.520771, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5542900, - "timestamp": 1715396898.536303, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6586400, - "timestamp": 1715396898.536303, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9610600, - "timestamp": 1715396898.536303, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5507600, - "timestamp": 1715396898.551926, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6694000, - "timestamp": 1715396898.551926, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9573200, - "timestamp": 1715396898.567551, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5580400, - "timestamp": 1715396898.567551, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6682400, - "timestamp": 1715396898.583174, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9595300, - "timestamp": 1715396898.583174, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5538400, - "timestamp": 1715396898.598801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6724100, - "timestamp": 1715396898.598801, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9582600, - "timestamp": 1715396898.614489, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5566100, - "timestamp": 1715396898.624515, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6641100, - "timestamp": 1715396898.630535, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9612600, - "timestamp": 1715396898.630535, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5538500, - "timestamp": 1715396898.646197, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6708100, - "timestamp": 1715396898.646197, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9617800, - "timestamp": 1715396898.646197, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5625000, - "timestamp": 1715396898.661814, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6688700, - "timestamp": 1715396898.661814, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9574100, - "timestamp": 1715396898.677438, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5631500, - "timestamp": 1715396898.677438, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6673800, - "timestamp": 1715396898.693061, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9772200, - "timestamp": 1715396898.693061, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5515400, - "timestamp": 1715396898.708687, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6673800, - "timestamp": 1715396898.708687, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9943600, - "timestamp": 1715396898.724314, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5590400, - "timestamp": 1715396898.724314, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6669200, - "timestamp": 1715396898.739939, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10067200, - "timestamp": 1715396898.739939, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5560300, - "timestamp": 1715396898.755562, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6623400, - "timestamp": 1715396898.755562, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9942200, - "timestamp": 1715396898.771187, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5511000, - "timestamp": 1715396898.771187, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6653100, - "timestamp": 1715396898.771187, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10008100, - "timestamp": 1715396898.786812, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5529800, - "timestamp": 1715396898.802436, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6683300, - "timestamp": 1715396898.802436, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10008900, - "timestamp": 1715396898.802436, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5528400, - "timestamp": 1715396898.818061, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6679800, - "timestamp": 1715396898.818061, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10002400, - "timestamp": 1715396898.833686, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5572100, - "timestamp": 1715396898.833686, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6704200, - "timestamp": 1715396898.84931, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 10008100, - "timestamp": 1715396898.84931, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5528700, - "timestamp": 1715396898.864935, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6774400, - "timestamp": 1715396898.864935, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame", - "runtime": 9571100, - "timestamp": 1715396898.88056, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python", - "runtime": 5909700, - "timestamp": 1715396898.88056, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium", - "runtime": 6643700, - "timestamp": 1715396898.896189, - "sequence": [ - { - "benchmark_id": "swizzle_get", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_get", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6663600, - "timestamp": 1715396898.943062, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5574400, - "timestamp": 1715396898.943062, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10003900, - "timestamp": 1715396898.95869, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6816600, - "timestamp": 1715396898.95869, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5577800, - "timestamp": 1715396898.97431, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10567600, - "timestamp": 1715396898.97431, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6767000, - "timestamp": 1715396898.989934, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5563900, - "timestamp": 1715396898.989934, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10278400, - "timestamp": 1715396898.989934, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6874200, - "timestamp": 1715396899.00556, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5585400, - "timestamp": 1715396899.021186, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10293500, - "timestamp": 1715396899.021186, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6799600, - "timestamp": 1715396899.036811, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5582000, - "timestamp": 1715396899.036811, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10312700, - "timestamp": 1715396899.036811, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6812200, - "timestamp": 1715396899.052441, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5641400, - "timestamp": 1715396899.052441, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10277200, - "timestamp": 1715396899.068062, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6739100, - "timestamp": 1715396899.083686, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5520500, - "timestamp": 1715396899.083686, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10253700, - "timestamp": 1715396899.083686, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6748800, - "timestamp": 1715396899.09931, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5615700, - "timestamp": 1715396899.09931, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10255000, - "timestamp": 1715396899.114964, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6751100, - "timestamp": 1715396899.114964, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5556800, - "timestamp": 1715396899.130588, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10271900, - "timestamp": 1715396899.130588, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6707200, - "timestamp": 1715396899.146213, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5599200, - "timestamp": 1715396899.146213, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10249900, - "timestamp": 1715396899.161838, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6733000, - "timestamp": 1715396899.161838, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5558600, - "timestamp": 1715396899.177463, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10275500, - "timestamp": 1715396899.177463, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6721800, - "timestamp": 1715396899.193088, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5613800, - "timestamp": 1715396899.193088, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10248300, - "timestamp": 1715396899.208713, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6742900, - "timestamp": 1715396899.208713, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5575400, - "timestamp": 1715396899.224344, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9589500, - "timestamp": 1715396899.224344, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6663800, - "timestamp": 1715396899.239963, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5556800, - "timestamp": 1715396899.239963, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9773800, - "timestamp": 1715396899.239963, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6723300, - "timestamp": 1715396899.255588, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5623000, - "timestamp": 1715396899.255588, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9574500, - "timestamp": 1715396899.271213, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6739700, - "timestamp": 1715396899.271213, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5546800, - "timestamp": 1715396899.287548, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9620400, - "timestamp": 1715396899.287548, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6687600, - "timestamp": 1715396899.302605, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5567600, - "timestamp": 1715396899.302605, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9573900, - "timestamp": 1715396899.318298, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6693800, - "timestamp": 1715396899.318298, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9570400, - "timestamp": 1715396899.333923, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5588900, - "timestamp": 1715396899.333923, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6666500, - "timestamp": 1715396899.349547, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9581000, - "timestamp": 1715396899.349547, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5572400, - "timestamp": 1715396899.365172, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6698300, - "timestamp": 1715396899.365172, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9774000, - "timestamp": 1715396899.365172, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5545300, - "timestamp": 1715396899.380797, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6853200, - "timestamp": 1715396899.380797, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9694800, - "timestamp": 1715396899.396422, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5623100, - "timestamp": 1715396899.396422, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6723100, - "timestamp": 1715396899.412047, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9836000, - "timestamp": 1715396899.412047, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5520400, - "timestamp": 1715396899.427672, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 7185100, - "timestamp": 1715396899.427672, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9499900, - "timestamp": 1715396899.443297, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5550100, - "timestamp": 1715396899.443297, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6567600, - "timestamp": 1715396899.458901, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10050000, - "timestamp": 1715396899.458901, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5473000, - "timestamp": 1715396899.474521, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6763400, - "timestamp": 1715396899.474521, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9971000, - "timestamp": 1715396899.474521, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5549700, - "timestamp": 1715396899.490146, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6745400, - "timestamp": 1715396899.490146, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9992600, - "timestamp": 1715396899.505769, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5547500, - "timestamp": 1715396899.521487, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6749100, - "timestamp": 1715396899.521487, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9979800, - "timestamp": 1715396899.521487, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5546000, - "timestamp": 1715396899.537022, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6760200, - "timestamp": 1715396899.537022, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9942200, - "timestamp": 1715396899.552646, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5601900, - "timestamp": 1715396899.552646, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6653500, - "timestamp": 1715396899.568269, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9969300, - "timestamp": 1715396899.568269, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5554000, - "timestamp": 1715396899.583899, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6718500, - "timestamp": 1715396899.583899, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9944300, - "timestamp": 1715396899.599549, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5568600, - "timestamp": 1715396899.599549, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6656400, - "timestamp": 1715396899.615172, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9969500, - "timestamp": 1715396899.615172, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5573900, - "timestamp": 1715396899.630797, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6699000, - "timestamp": 1715396899.630797, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9978900, - "timestamp": 1715396899.630797, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5559400, - "timestamp": 1715396899.646422, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6690600, - "timestamp": 1715396899.646422, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9950600, - "timestamp": 1715396899.662047, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5539000, - "timestamp": 1715396899.677672, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6655900, - "timestamp": 1715396899.677672, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9970100, - "timestamp": 1715396899.677672, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5519600, - "timestamp": 1715396899.693297, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5830400, - "timestamp": 1715396899.693297, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6566500, - "timestamp": 1715396899.708922, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9765900, - "timestamp": 1715396899.708922, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5540400, - "timestamp": 1715396899.724522, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6823700, - "timestamp": 1715396899.724522, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9935000, - "timestamp": 1715396899.740144, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5595000, - "timestamp": 1715396899.740144, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6822600, - "timestamp": 1715396899.755766, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10244200, - "timestamp": 1715396899.755766, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5483900, - "timestamp": 1715396899.771396, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6607300, - "timestamp": 1715396899.771396, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9952500, - "timestamp": 1715396899.771396, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5529000, - "timestamp": 1715396899.787021, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6669200, - "timestamp": 1715396899.787021, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10189400, - "timestamp": 1715396899.802643, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5508000, - "timestamp": 1715396899.802643, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6644500, - "timestamp": 1715396899.818269, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10193300, - "timestamp": 1715396899.818269, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5513700, - "timestamp": 1715396899.833893, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6694800, - "timestamp": 1715396899.833893, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10187200, - "timestamp": 1715396899.849519, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5589700, - "timestamp": 1715396899.849519, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6639600, - "timestamp": 1715396899.865144, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10224500, - "timestamp": 1715396899.865144, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5488200, - "timestamp": 1715396899.88077, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6755900, - "timestamp": 1715396899.88077, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9934500, - "timestamp": 1715396899.896394, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5548300, - "timestamp": 1715396899.896394, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6714600, - "timestamp": 1715396899.912018, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10229800, - "timestamp": 1715396899.912018, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5486900, - "timestamp": 1715396899.927643, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6705900, - "timestamp": 1715396899.927643, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10223900, - "timestamp": 1715396899.927643, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5471000, - "timestamp": 1715396899.943267, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6754200, - "timestamp": 1715396899.943267, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10182400, - "timestamp": 1715396899.958894, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5793400, - "timestamp": 1715396899.958894, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6672100, - "timestamp": 1715396899.974521, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10083500, - "timestamp": 1715396899.974521, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5562300, - "timestamp": 1715396899.990152, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6948800, - "timestamp": 1715396899.990152, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9755600, - "timestamp": 1715396900.005773, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5653100, - "timestamp": 1715396900.005773, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6943400, - "timestamp": 1715396900.021395, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9613900, - "timestamp": 1715396900.021395, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5531900, - "timestamp": 1715396900.037094, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6660100, - "timestamp": 1715396900.037094, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9751100, - "timestamp": 1715396900.053134, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5676700, - "timestamp": 1715396900.053134, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6652600, - "timestamp": 1715396900.068784, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9792600, - "timestamp": 1715396900.068784, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5510900, - "timestamp": 1715396900.084413, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10034900, - "timestamp": 1715396900.084413, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6655100, - "timestamp": 1715396900.100036, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5550900, - "timestamp": 1715396900.100036, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10210700, - "timestamp": 1715396900.100036, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6690800, - "timestamp": 1715396900.115662, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5601200, - "timestamp": 1715396900.115662, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10181800, - "timestamp": 1715396900.131284, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6974500, - "timestamp": 1715396900.131284, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5500200, - "timestamp": 1715396900.14691, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9604700, - "timestamp": 1715396900.14691, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6634400, - "timestamp": 1715396900.162539, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5533200, - "timestamp": 1715396900.162539, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9572700, - "timestamp": 1715396900.178162, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6732700, - "timestamp": 1715396900.178162, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5524700, - "timestamp": 1715396900.193786, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9607800, - "timestamp": 1715396900.193786, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6700500, - "timestamp": 1715396900.209413, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5515300, - "timestamp": 1715396900.209413, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9600500, - "timestamp": 1715396900.209413, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6677100, - "timestamp": 1715396900.225041, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5556800, - "timestamp": 1715396900.225041, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9572400, - "timestamp": 1715396900.240663, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6683100, - "timestamp": 1715396900.240663, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5518100, - "timestamp": 1715396900.256287, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9587600, - "timestamp": 1715396900.256287, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6713500, - "timestamp": 1715396900.271912, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5697200, - "timestamp": 1715396900.271912, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9571500, - "timestamp": 1715396900.28815, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6745900, - "timestamp": 1715396900.28815, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5535500, - "timestamp": 1715396900.303671, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9580200, - "timestamp": 1715396900.303671, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6676200, - "timestamp": 1715396900.319326, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5558300, - "timestamp": 1715396900.319326, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9582800, - "timestamp": 1715396900.319326, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6693600, - "timestamp": 1715396900.334948, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5500600, - "timestamp": 1715396900.334948, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9572400, - "timestamp": 1715396900.350572, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6667500, - "timestamp": 1715396900.350572, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5520800, - "timestamp": 1715396900.366197, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9580000, - "timestamp": 1715396900.366197, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6711100, - "timestamp": 1715396900.381853, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5603000, - "timestamp": 1715396900.381853, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9572700, - "timestamp": 1715396900.397475, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6730300, - "timestamp": 1715396900.397475, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5540900, - "timestamp": 1715396900.4131, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9930700, - "timestamp": 1715396900.4131, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6596600, - "timestamp": 1715396900.428726, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5506000, - "timestamp": 1715396900.428726, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9913800, - "timestamp": 1715396900.428726, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6627500, - "timestamp": 1715396900.444327, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10188600, - "timestamp": 1715396900.444327, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6936500, - "timestamp": 1715396900.459946, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5562000, - "timestamp": 1715396900.475572, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9703300, - "timestamp": 1715396900.475572, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6603000, - "timestamp": 1715396900.4912, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5508300, - "timestamp": 1715396900.4912, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9742900, - "timestamp": 1715396900.4912, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6618100, - "timestamp": 1715396900.506825, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5624300, - "timestamp": 1715396900.506825, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9871700, - "timestamp": 1715396900.522532, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6753700, - "timestamp": 1715396900.522532, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5490700, - "timestamp": 1715396900.538075, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9977100, - "timestamp": 1715396900.538075, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6768000, - "timestamp": 1715396900.553699, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5572500, - "timestamp": 1715396900.553699, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9936100, - "timestamp": 1715396900.569323, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6781300, - "timestamp": 1715396900.569323, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5539100, - "timestamp": 1715396900.584948, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9968200, - "timestamp": 1715396900.584948, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6661200, - "timestamp": 1715396900.600574, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5569400, - "timestamp": 1715396900.600574, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9655100, - "timestamp": 1715396900.600574, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6612300, - "timestamp": 1715396900.616278, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5627300, - "timestamp": 1715396900.626301, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9880900, - "timestamp": 1715396900.632323, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6712600, - "timestamp": 1715396900.632323, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5506500, - "timestamp": 1715396900.647981, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9901800, - "timestamp": 1715396900.647981, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6688100, - "timestamp": 1715396900.663618, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5572400, - "timestamp": 1715396900.663618, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9944200, - "timestamp": 1715396900.679232, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6635600, - "timestamp": 1715396900.679232, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5545500, - "timestamp": 1715396900.694855, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9623000, - "timestamp": 1715396900.694855, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6726700, - "timestamp": 1715396900.710481, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5549000, - "timestamp": 1715396900.710481, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9582800, - "timestamp": 1715396900.710481, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6753200, - "timestamp": 1715396900.726105, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5580300, - "timestamp": 1715396900.726105, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9574000, - "timestamp": 1715396900.74173, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6815300, - "timestamp": 1715396900.74173, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5496900, - "timestamp": 1715396900.757935, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9580700, - "timestamp": 1715396900.757935, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6622100, - "timestamp": 1715396900.773458, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5562400, - "timestamp": 1715396900.773458, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9940400, - "timestamp": 1715396900.789113, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6689500, - "timestamp": 1715396900.789113, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5543400, - "timestamp": 1715396900.804738, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9947900, - "timestamp": 1715396900.804738, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6674700, - "timestamp": 1715396900.820361, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5496900, - "timestamp": 1715396900.820361, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9954400, - "timestamp": 1715396900.820361, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5566700, - "timestamp": 1715396900.835988, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6685800, - "timestamp": 1715396900.835988, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10195500, - "timestamp": 1715396900.851611, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5589700, - "timestamp": 1715396900.867236, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6683400, - "timestamp": 1715396900.867236, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10196400, - "timestamp": 1715396900.867236, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5579600, - "timestamp": 1715396900.882862, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6680300, - "timestamp": 1715396900.882862, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10189500, - "timestamp": 1715396900.898517, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5635800, - "timestamp": 1715396900.898517, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6658700, - "timestamp": 1715396900.914139, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10250700, - "timestamp": 1715396900.914139, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5615100, - "timestamp": 1715396900.929773, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6718600, - "timestamp": 1715396900.929773, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10189500, - "timestamp": 1715396900.945401, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5592400, - "timestamp": 1715396900.945401, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6672000, - "timestamp": 1715396900.961039, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10224900, - "timestamp": 1715396900.961039, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5554000, - "timestamp": 1715396900.976658, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6902600, - "timestamp": 1715396900.976658, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10314300, - "timestamp": 1715396900.992267, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5577800, - "timestamp": 1715396900.992267, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6676700, - "timestamp": 1715396901.00789, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10515300, - "timestamp": 1715396901.00789, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5503200, - "timestamp": 1715396901.023515, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6643400, - "timestamp": 1715396901.023515, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9977700, - "timestamp": 1715396901.023515, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5491300, - "timestamp": 1715396901.039115, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6927300, - "timestamp": 1715396901.039115, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9505500, - "timestamp": 1715396901.054737, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5608300, - "timestamp": 1715396901.054737, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6646300, - "timestamp": 1715396901.070364, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9741400, - "timestamp": 1715396901.070364, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5480000, - "timestamp": 1715396901.085991, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6852200, - "timestamp": 1715396901.085991, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9994500, - "timestamp": 1715396901.101613, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5595300, - "timestamp": 1715396901.101613, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6884300, - "timestamp": 1715396901.117239, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 10041300, - "timestamp": 1715396901.117239, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5495200, - "timestamp": 1715396901.132862, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6867000, - "timestamp": 1715396901.132862, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9749600, - "timestamp": 1715396901.148488, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5594900, - "timestamp": 1715396901.148488, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6870700, - "timestamp": 1715396901.164112, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9787300, - "timestamp": 1715396901.164112, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5554900, - "timestamp": 1715396901.179738, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6839600, - "timestamp": 1715396901.179738, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame", - "runtime": 9788000, - "timestamp": 1715396901.179738, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python", - "runtime": 5536900, - "timestamp": 1715396901.195363, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium", - "runtime": 6870300, - "timestamp": 1715396901.195363, - "sequence": [ - { - "benchmark_id": "swizzle_set", - "subject_id": "pygame" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "pure_python" - }, - { - "benchmark_id": "swizzle_set", - "subject_id": "spatium" - } - ] - } - ] - } -} \ No newline at end of file