Spaces:
Running
Running
improve stability visualization; update leaderborad
Browse files- mlip_arena/models/__init__.py +3 -2
- mlip_arena/models/externals.py +28 -0
- mlip_arena/models/registry.yaml +58 -16
- mlip_arena/tasks/__init__.py +4 -1
- mlip_arena/tasks/diatomics/mlip.py +0 -165
- mlip_arena/tasks/stability/chgnet/chloride-salts.json +1 -1
- mlip_arena/tasks/stability/mace-mp/chloride-salts.json +1 -1
- mlip_arena/tasks/stability/run.py +2 -2
- requirements.txt +2 -0
- serve/app.py +26 -12
- serve/models/leaderboard.py +24 -13
- serve/tasks/homonuclear-diatomics.py +14 -8
- serve/tasks/stability.py +82 -35
- serve/tools/ptable.py +86 -6
mlip_arena/models/__init__.py
CHANGED
@@ -1,4 +1,5 @@
|
|
1 |
-
import
|
|
|
2 |
from pathlib import Path
|
3 |
|
4 |
import torch
|
@@ -10,7 +11,7 @@ from torch import nn
|
|
10 |
|
11 |
# from torch_geometric.data import Data
|
12 |
|
13 |
-
with open(Path(__file__).parent / "registry.yaml") as f:
|
14 |
REGISTRY = yaml.safe_load(f)
|
15 |
|
16 |
|
|
|
1 |
+
from __future__ import annotations
|
2 |
+
|
3 |
from pathlib import Path
|
4 |
|
5 |
import torch
|
|
|
11 |
|
12 |
# from torch_geometric.data import Data
|
13 |
|
14 |
+
with open(Path(__file__).parent / "registry.yaml", encoding="utf-8") as f:
|
15 |
REGISTRY = yaml.safe_load(f)
|
16 |
|
17 |
|
mlip_arena/models/externals.py
CHANGED
@@ -74,6 +74,34 @@ class MACE_MP_Medium(MACECalculator):
|
|
74 |
model_paths=model, device=device, default_dtype=default_dtype, **kwargs
|
75 |
)
|
76 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
77 |
|
78 |
class CHGNet(CHGNetCalculator):
|
79 |
def __init__(
|
|
|
74 |
model_paths=model, device=device, default_dtype=default_dtype, **kwargs
|
75 |
)
|
76 |
|
77 |
+
class MACE_OFF_Medium(MACECalculator):
|
78 |
+
def __init__(self, device=None, default_dtype="float32", **kwargs):
|
79 |
+
checkpoint_url = "https://github.com/ACEsuit/mace-off/raw/main/mace_off23/MACE-OFF23_medium.model?raw=true"
|
80 |
+
cache_dir = os.path.expanduser("~/.cache/mace")
|
81 |
+
checkpoint_url_name = "".join(
|
82 |
+
c for c in os.path.basename(checkpoint_url) if c.isalnum() or c in "_"
|
83 |
+
)
|
84 |
+
cached_model_path = f"{cache_dir}/{checkpoint_url_name}"
|
85 |
+
if not os.path.isfile(cached_model_path):
|
86 |
+
os.makedirs(cache_dir, exist_ok=True)
|
87 |
+
# download and save to disk
|
88 |
+
print(f"Downloading MACE model from {checkpoint_url!r}")
|
89 |
+
_, http_msg = urllib.request.urlretrieve(checkpoint_url, cached_model_path)
|
90 |
+
if "Content-Type: text/html" in http_msg:
|
91 |
+
raise RuntimeError(
|
92 |
+
f"Model download failed, please check the URL {checkpoint_url}"
|
93 |
+
)
|
94 |
+
print(f"Cached MACE model to {cached_model_path}")
|
95 |
+
model = cached_model_path
|
96 |
+
msg = f"Using Materials Project MACE for MACECalculator with {model}"
|
97 |
+
print(msg)
|
98 |
+
|
99 |
+
device = device or str(get_freer_device())
|
100 |
+
|
101 |
+
super().__init__(
|
102 |
+
model_paths=model, device=device, default_dtype=default_dtype, **kwargs
|
103 |
+
)
|
104 |
+
|
105 |
|
106 |
class CHGNet(CHGNetCalculator):
|
107 |
def __init__(
|
mlip_arena/models/registry.yaml
CHANGED
@@ -1,22 +1,24 @@
|
|
1 |
-
|
2 |
-
|
3 |
MACE-MP(M):
|
4 |
module: externals
|
5 |
class: MACE_MP_Medium
|
6 |
family: mace-mp
|
7 |
-
username: cyrusyc
|
8 |
last-update: 2024-03-25T14:30:00
|
9 |
datetime: 2024-03-25T14:30:00 # TODO: Fake datetime
|
10 |
-
datasets:
|
11 |
- atomind/mptrj # TODO: fake HF dataset repo
|
12 |
cpu-tasks:
|
13 |
- alexandria
|
14 |
- qmof
|
15 |
gpu-tasks:
|
16 |
-
- diatomics
|
|
|
17 |
github: https://github.com/ACEsuit/mace
|
18 |
doi: https://arxiv.org/abs/2401.00096
|
19 |
date: 2023-12-29
|
|
|
|
|
|
|
20 |
|
21 |
CHGNet:
|
22 |
module: externals
|
@@ -28,7 +30,11 @@ CHGNet:
|
|
28 |
datasets:
|
29 |
- atomind/mptrj
|
30 |
gpu-tasks:
|
31 |
-
- diatomics
|
|
|
|
|
|
|
|
|
32 |
|
33 |
EquiformerV2(OC22):
|
34 |
module: externals
|
@@ -40,7 +46,12 @@ EquiformerV2(OC22):
|
|
40 |
datasets:
|
41 |
- ocp
|
42 |
gpu-tasks:
|
43 |
-
- diatomics
|
|
|
|
|
|
|
|
|
|
|
44 |
|
45 |
eSCN(OC20):
|
46 |
module: externals
|
@@ -52,14 +63,45 @@ eSCN(OC20):
|
|
52 |
datasets:
|
53 |
- ocp
|
54 |
gpu-tasks:
|
55 |
-
- diatomics
|
|
|
|
|
|
|
|
|
|
|
56 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
57 |
|
58 |
-
|
59 |
-
|
60 |
-
|
61 |
-
|
62 |
-
|
63 |
-
|
64 |
-
|
65 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
MACE-MP(M):
|
2 |
module: externals
|
3 |
class: MACE_MP_Medium
|
4 |
family: mace-mp
|
5 |
+
username: cyrusyc
|
6 |
last-update: 2024-03-25T14:30:00
|
7 |
datetime: 2024-03-25T14:30:00 # TODO: Fake datetime
|
8 |
+
datasets:
|
9 |
- atomind/mptrj # TODO: fake HF dataset repo
|
10 |
cpu-tasks:
|
11 |
- alexandria
|
12 |
- qmof
|
13 |
gpu-tasks:
|
14 |
+
- homonuclear-diatomics
|
15 |
+
- stability
|
16 |
github: https://github.com/ACEsuit/mace
|
17 |
doi: https://arxiv.org/abs/2401.00096
|
18 |
date: 2023-12-29
|
19 |
+
prediction: EFS
|
20 |
+
nvt: true
|
21 |
+
npt: true
|
22 |
|
23 |
CHGNet:
|
24 |
module: externals
|
|
|
30 |
datasets:
|
31 |
- atomind/mptrj
|
32 |
gpu-tasks:
|
33 |
+
- homonuclear-diatomics
|
34 |
+
- stability
|
35 |
+
prediction: EFSM
|
36 |
+
nvt: true
|
37 |
+
npt: true
|
38 |
|
39 |
EquiformerV2(OC22):
|
40 |
module: externals
|
|
|
46 |
datasets:
|
47 |
- ocp
|
48 |
gpu-tasks:
|
49 |
+
- homonuclear-diatomics
|
50 |
+
github: https://github.com/FAIR-Chem/fairchem
|
51 |
+
doi: https://arxiv.org/abs/2306.12059
|
52 |
+
prediction: EF
|
53 |
+
nvt: true
|
54 |
+
npt: false
|
55 |
|
56 |
eSCN(OC20):
|
57 |
module: externals
|
|
|
63 |
datasets:
|
64 |
- ocp
|
65 |
gpu-tasks:
|
66 |
+
- homonuclear-diatomics
|
67 |
+
github: https://github.com/FAIR-Chem/fairchem
|
68 |
+
doi: https://arxiv.org/abs/2302.03655
|
69 |
+
prediction: EF
|
70 |
+
nvt: true
|
71 |
+
npt: false
|
72 |
|
73 |
+
MACE-OFF(M):
|
74 |
+
module: externals
|
75 |
+
class: MACE_OFF_Medium
|
76 |
+
family: mace-off
|
77 |
+
username: cyrusyc
|
78 |
+
last-update: 2024-03-25T14:30:00
|
79 |
+
datetime: 2024-03-25T14:30:00 # TODO: Fake datetime
|
80 |
+
datasets:
|
81 |
+
- atomind/mptrj # TODO: fake HF dataset repo
|
82 |
+
cpu-tasks:
|
83 |
+
- alexandria
|
84 |
+
- qmof
|
85 |
+
gpu-tasks:
|
86 |
+
- homonuclear-diatomics
|
87 |
+
github: https://github.com/ACEsuit/mace
|
88 |
+
doi: https://arxiv.org/abs/2312.15211
|
89 |
+
date: 2023-12-29
|
90 |
+
prediction: EFS
|
91 |
+
nvt: true
|
92 |
+
npt: true
|
93 |
|
94 |
+
ALIGNN:
|
95 |
+
module: externals
|
96 |
+
class: ALIGNN
|
97 |
+
family: alignn
|
98 |
+
username: cyrusyc
|
99 |
+
last-update: 2024-07-08T00:00:00
|
100 |
+
datetime: 2024-07-08T00:00:00
|
101 |
+
datasets:
|
102 |
+
- atomind/mptrj
|
103 |
+
gpu-tasks:
|
104 |
+
- homonuclear-diatomics
|
105 |
+
prediction: EFS
|
106 |
+
nvt: true
|
107 |
+
npt: true
|
mlip_arena/tasks/__init__.py
CHANGED
@@ -1,4 +1,3 @@
|
|
1 |
-
import os
|
2 |
from pathlib import Path
|
3 |
|
4 |
import yaml
|
@@ -7,6 +6,10 @@ from huggingface_hub import HfApi, HfFileSystem, hf_hub_download
|
|
7 |
from mlip_arena.models import MLIP
|
8 |
from mlip_arena.models import REGISTRY as MODEL_REGISTRY
|
9 |
|
|
|
|
|
|
|
|
|
10 |
with open(Path(__file__).parent / "registry.yaml") as f:
|
11 |
REGISTRY = yaml.safe_load(f)
|
12 |
|
|
|
|
|
1 |
from pathlib import Path
|
2 |
|
3 |
import yaml
|
|
|
6 |
from mlip_arena.models import MLIP
|
7 |
from mlip_arena.models import REGISTRY as MODEL_REGISTRY
|
8 |
|
9 |
+
from .run import md as MD
|
10 |
+
|
11 |
+
__all__ = ["MD"]
|
12 |
+
|
13 |
with open(Path(__file__).parent / "registry.yaml") as f:
|
14 |
REGISTRY = yaml.safe_load(f)
|
15 |
|
mlip_arena/tasks/diatomics/mlip.py
DELETED
@@ -1,165 +0,0 @@
|
|
1 |
-
from datetime import timedelta
|
2 |
-
from typing import Union
|
3 |
-
|
4 |
-
# import covalent as ct
|
5 |
-
import numpy as np
|
6 |
-
import pandas as pd
|
7 |
-
import torch
|
8 |
-
from ase import Atoms
|
9 |
-
from ase.calculators.calculator import Calculator
|
10 |
-
from ase.data import chemical_symbols
|
11 |
-
from dask.distributed import Client
|
12 |
-
from dask_jobqueue import SLURMCluster
|
13 |
-
from prefect import flow, task
|
14 |
-
from prefect.tasks import task_input_hash
|
15 |
-
from prefect_dask import DaskTaskRunner
|
16 |
-
|
17 |
-
from mlip_arena.models import MLIPCalculator
|
18 |
-
from mlip_arena.models.utils import EXTMLIPEnum, MLIPMap, external_ase_calculator
|
19 |
-
|
20 |
-
cluster_kwargs = {
|
21 |
-
"cores": 4,
|
22 |
-
"memory": "64 GB",
|
23 |
-
"shebang": "#!/bin/bash",
|
24 |
-
"account": "m3828",
|
25 |
-
"walltime": "00:10:00",
|
26 |
-
"job_mem": "0",
|
27 |
-
"job_script_prologue": ["source ~/.bashrc"],
|
28 |
-
"job_directives_skip": ["-n", "--cpus-per-task"],
|
29 |
-
"job_extra_directives": ["-q debug", "-C gpu"],
|
30 |
-
}
|
31 |
-
|
32 |
-
cluster = SLURMCluster(**cluster_kwargs)
|
33 |
-
cluster.scale(jobs=10)
|
34 |
-
client = Client(cluster)
|
35 |
-
|
36 |
-
|
37 |
-
@task(cache_key_fn=task_input_hash, cache_expiration=timedelta(hours=1))
|
38 |
-
def calculate_single_diatomic(
|
39 |
-
calculator_name: str | EXTMLIPEnum,
|
40 |
-
calculator_kwargs: dict | None,
|
41 |
-
atom1: str,
|
42 |
-
atom2: str,
|
43 |
-
rmin: float = 0.1,
|
44 |
-
rmax: float = 6.5,
|
45 |
-
npts: int = int(1e3),
|
46 |
-
):
|
47 |
-
|
48 |
-
calculator_kwargs = calculator_kwargs or {}
|
49 |
-
|
50 |
-
if isinstance(calculator_name, EXTMLIPEnum) and calculator_name in EXTMLIPEnum:
|
51 |
-
calc = external_ase_calculator(calculator_name, **calculator_kwargs)
|
52 |
-
elif calculator_name in MLIPMap:
|
53 |
-
calc = MLIPMap[calculator_name](**calculator_kwargs)
|
54 |
-
|
55 |
-
a = 2 * rmax
|
56 |
-
|
57 |
-
rs = np.linspace(rmin, rmax, npts)
|
58 |
-
e = np.zeros_like(rs)
|
59 |
-
f = np.zeros_like(rs)
|
60 |
-
|
61 |
-
da = atom1 + atom2
|
62 |
-
|
63 |
-
for i, r in enumerate(rs):
|
64 |
-
|
65 |
-
positions = [
|
66 |
-
[0, 0, 0],
|
67 |
-
[r, 0, 0],
|
68 |
-
]
|
69 |
-
|
70 |
-
# Create the unit cell with two atoms
|
71 |
-
atoms = Atoms(da, positions=positions, cell=[a, a, a])
|
72 |
-
|
73 |
-
atoms.calc = calc
|
74 |
-
|
75 |
-
e[i] = atoms.get_potential_energy()
|
76 |
-
f[i] = np.inner(np.array([1, 0, 0]), atoms.get_forces()[1])
|
77 |
-
|
78 |
-
return {"r": rs, "E": e, "F": f, "da": da}
|
79 |
-
|
80 |
-
|
81 |
-
@flow
|
82 |
-
def calculate_multiple_diatomics(calculator_name, calculator_kwargs):
|
83 |
-
|
84 |
-
futures = []
|
85 |
-
for symbol in chemical_symbols:
|
86 |
-
if symbol == "X":
|
87 |
-
continue
|
88 |
-
futures.append(
|
89 |
-
calculate_single_diatomic.submit(
|
90 |
-
calculator_name, calculator_kwargs, symbol, symbol
|
91 |
-
)
|
92 |
-
)
|
93 |
-
|
94 |
-
return [i for future in futures for i in future.result()]
|
95 |
-
|
96 |
-
|
97 |
-
@flow(task_runner=DaskTaskRunner(address=client.scheduler.address), log_prints=True)
|
98 |
-
def calculate_homonuclear_diatomics(calculator_name, calculator_kwargs):
|
99 |
-
|
100 |
-
curves = calculate_multiple_diatomics(calculator_name, calculator_kwargs)
|
101 |
-
|
102 |
-
pd.DataFrame(curves).to_csv(f"homonuclear-diatomics-{calculator_name}.csv")
|
103 |
-
|
104 |
-
|
105 |
-
# with plt.style.context("default"):
|
106 |
-
|
107 |
-
# SMALL_SIZE = 6
|
108 |
-
# MEDIUM_SIZE = 8
|
109 |
-
# LARGE_SIZE = 10
|
110 |
-
|
111 |
-
# LINE_WIDTH = 1
|
112 |
-
|
113 |
-
# plt.rcParams.update(
|
114 |
-
# {
|
115 |
-
# "pgf.texsystem": "pdflatex",
|
116 |
-
# "font.family": "sans-serif",
|
117 |
-
# "text.usetex": True,
|
118 |
-
# "pgf.rcfonts": True,
|
119 |
-
# "figure.constrained_layout.use": True,
|
120 |
-
# "axes.labelsize": MEDIUM_SIZE,
|
121 |
-
# "axes.titlesize": MEDIUM_SIZE,
|
122 |
-
# "legend.frameon": False,
|
123 |
-
# "legend.fontsize": MEDIUM_SIZE,
|
124 |
-
# "legend.loc": "best",
|
125 |
-
# "lines.linewidth": LINE_WIDTH,
|
126 |
-
# "xtick.labelsize": SMALL_SIZE,
|
127 |
-
# "ytick.labelsize": SMALL_SIZE,
|
128 |
-
# }
|
129 |
-
# )
|
130 |
-
|
131 |
-
# fig, ax = plt.subplots(layout="constrained", figsize=(3, 2), dpi=300)
|
132 |
-
|
133 |
-
# color = "tab:red"
|
134 |
-
# ax.plot(rs, e, color=color, zorder=1)
|
135 |
-
|
136 |
-
# ax.axhline(ls="--", color=color, alpha=0.5, lw=0.5 * LINE_WIDTH)
|
137 |
-
|
138 |
-
# ylo, yhi = ax.get_ylim()
|
139 |
-
# ax.set(xlabel=r"r [$\AA]$", ylim=(max(-7, ylo), min(5, yhi)))
|
140 |
-
# ax.set_ylabel(ylabel="E [eV]", color=color)
|
141 |
-
# ax.tick_params(axis="y", labelcolor=color)
|
142 |
-
# ax.text(0.8, 0.85, da, fontsize=LARGE_SIZE, transform=ax.transAxes)
|
143 |
-
|
144 |
-
# color = "tab:blue"
|
145 |
-
|
146 |
-
# at = ax.twinx()
|
147 |
-
# at.plot(rs, f, color=color, zorder=0, lw=0.5 * LINE_WIDTH)
|
148 |
-
|
149 |
-
# at.axhline(ls="--", color=color, alpha=0.5, lw=0.5 * LINE_WIDTH)
|
150 |
-
|
151 |
-
# ylo, yhi = at.get_ylim()
|
152 |
-
# at.set(
|
153 |
-
# xlabel=r"r [$\AA]$",
|
154 |
-
# ylim=(max(-20, ylo), min(20, yhi)),
|
155 |
-
# )
|
156 |
-
# at.set_ylabel(ylabel="F [eV/$\AA$]", color=color)
|
157 |
-
# at.tick_params(axis="y", labelcolor=color)
|
158 |
-
|
159 |
-
# plt.show()
|
160 |
-
|
161 |
-
|
162 |
-
if __name__ == "__main__":
|
163 |
-
calculate_homonuclear_diatomics(
|
164 |
-
EXTMLIPEnum.MACE, dict(model="medium", device="cuda")
|
165 |
-
)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
mlip_arena/tasks/stability/chgnet/chloride-salts.json
CHANGED
@@ -1 +1 @@
|
|
1 |
-
[{"material_id":"mp-560328","formula":"Ag60Cl12P16S64","method":"CHGNet","natoms":152,"total_time_seconds":2505.24287,"total_steps":49990,"steps_per_second":19.9541531876,"seconds_per_step":0.0501148804,"seconds_per_step_per_atom":0.0003297032}]
|
|
|
1 |
+
[{"material_id":"mp-568662","formula":"Ba48Cl96","method":"CHGNet","natoms":144,"total_time_seconds":1835.88617,"total_steps":49980,"target_steps":50000,"steps_per_second":27.223910075,"seconds_per_step":0.0367324164,"seconds_per_step_per_atom":0.0002550862},{"material_id":"mp-1195508","formula":"Ba108Cl72N108Ta36","method":"CHGNet","natoms":324,"total_time_seconds":3750.723998,"total_steps":49980,"target_steps":50000,"steps_per_second":13.3254273113,"seconds_per_step":0.0750444978,"seconds_per_step_per_atom":0.0002316188},{"material_id":"mp-1008394","formula":"Cl192","method":"CHGNet","natoms":192,"total_time_seconds":1315.932355,"total_steps":2610,"target_steps":50000,"steps_per_second":1.9833846247,"seconds_per_step":0.5041886418,"seconds_per_step_per_atom":0.0026259825},{"material_id":"mp-25469","formula":"Al54Cl162","method":"CHGNet","natoms":216,"total_time_seconds":2015.88755,"total_steps":49990,"target_steps":50000,"steps_per_second":24.7980101866,"seconds_per_step":0.0403258162,"seconds_per_step_per_atom":0.0001866936},{"material_id":"mp-558595","formula":"Ba54Cl18O108Ru27","method":"CHGNet","natoms":207,"total_time_seconds":4611.078523,"total_steps":49270,"target_steps":50000,"steps_per_second":10.685135756,"seconds_per_step":0.0935879546,"seconds_per_step_per_atom":0.0004521157},{"material_id":"mp-29084","formula":"Ba48Cl168Gd24","method":"CHGNet","natoms":240,"total_time_seconds":2413.995423,"total_steps":49990,"target_steps":50000,"steps_per_second":20.7084071178,"seconds_per_step":0.0482895664,"seconds_per_step_per_atom":0.0002012065},{"material_id":"mp-560595","formula":"As32Ca64Cl32O128","method":"CHGNet","natoms":256,"total_time_seconds":4912.132053,"total_steps":38640,"target_steps":50000,"steps_per_second":7.8662380374,"seconds_per_step":0.1271255707,"seconds_per_step_per_atom":0.0004965843},{"material_id":"mp-551131","formula":"As54Cl54Co108O216","method":"CHGNet","natoms":432,"total_time_seconds":2786.869583,"total_steps":12190,"target_steps":50000,"steps_per_second":4.3740834068,"seconds_per_step":0.2286193259,"seconds_per_step_per_atom":0.0005292114},{"material_id":"mp-680695","formula":"B48Ce72Cl72O144","method":"CHGNet","natoms":336,"total_time_seconds":4936.318936,"total_steps":35430,"target_steps":50000,"steps_per_second":7.1774130601,"seconds_per_step":0.1393259649,"seconds_per_step_per_atom":0.0004146606},{"material_id":"mp-1195274","formula":"Bi192Cl32Rh48","method":"CHGNet","natoms":272,"total_time_seconds":0.425857,"total_steps":20,"target_steps":50000,"steps_per_second":46.9641217592,"seconds_per_step":0.02129285,"seconds_per_step_per_atom":0.0000782825},{"material_id":"mp-23444","formula":"As48Cl96F144","method":"CHGNet","natoms":288,"total_time_seconds":4472.066402,"total_steps":49980,"target_steps":50000,"steps_per_second":11.1760415672,"seconds_per_step":0.0894771189,"seconds_per_step_per_atom":0.0003106844},{"material_id":"mp-554081","formula":"Ca64Cl32O128P32","method":"CHGNet","natoms":256,"total_time_seconds":3436.445455,"total_steps":25470,"target_steps":50000,"steps_per_second":7.4117282912,"seconds_per_step":0.1349212978,"seconds_per_step_per_atom":0.0005270363},{"material_id":"mp-561099","formula":"Ba64Cl16O288Os96","method":"CHGNet","natoms":464,"total_time_seconds":13270.130163,"total_steps":40260,"target_steps":50000,"steps_per_second":3.0338813188,"seconds_per_step":0.329610784,"seconds_per_step_per_atom":0.0007103681},{"material_id":"mp-30278","formula":"Ce96Cl32Ga128","method":"CHGNet","natoms":256,"total_time_seconds":1374.069511,"total_steps":21460,"target_steps":50000,"steps_per_second":15.6178416217,"seconds_per_step":0.0640293342,"seconds_per_step_per_atom":0.0002501146},{"material_id":"mp-555736","formula":"Ba64Cl128Hg128O128","method":"CHGNet","natoms":448,"total_time_seconds":5543.081949,"total_steps":49980,"target_steps":50000,"steps_per_second":9.0166446139,"seconds_per_step":0.1109060014,"seconds_per_step_per_atom":0.000247558},{"material_id":"mp-570453","formula":"Ba96Cl48N96W24","method":"CHGNet","natoms":264,"total_time_seconds":3379.657127,"total_steps":49990,"target_steps":50000,"steps_per_second":14.7914412976,"seconds_per_step":0.0676066639,"seconds_per_step_per_atom":0.0002560858},{"material_id":"mp-1113592","formula":"Ag32Cl192Cs64Gd32","method":"CHGNet","natoms":320,"total_time_seconds":1381.645045,"total_steps":22750,"target_steps":50000,"steps_per_second":16.4658789045,"seconds_per_step":0.0607316503,"seconds_per_step_per_atom":0.0001897864},{"material_id":"mp-29297","formula":"Cd162Cl108O108","method":"CHGNet","natoms":378,"total_time_seconds":1391.163765,"total_steps":11570,"target_steps":50000,"steps_per_second":8.3167778597,"seconds_per_step":0.1202388734,"seconds_per_step_per_atom":0.0003180923},{"material_id":"mp-570417","formula":"Bi96Cl160Pt16","method":"CHGNet","natoms":272,"total_time_seconds":2535.325841,"total_steps":49990,"target_steps":50000,"steps_per_second":19.7173866931,"seconds_per_step":0.0507166602,"seconds_per_step_per_atom":0.0001864583},{"material_id":"mp-1012551","formula":"Ba64Br64Cl64","method":"CHGNet","natoms":192,"total_time_seconds":1913.826269,"total_steps":49990,"target_steps":50000,"steps_per_second":26.1204482401,"seconds_per_step":0.0382841822,"seconds_per_step_per_atom":0.0001993968},{"material_id":"mp-1229155","formula":"Ag96Br24Cl72Hg96S96","method":"CHGNet","natoms":384,"total_time_seconds":14.245201,"total_steps":200,"target_steps":50000,"steps_per_second":14.0398159352,"seconds_per_step":0.071226005,"seconds_per_step_per_atom":0.0001854844},{"material_id":"mp-556094","formula":"Ag48Bi48Cl96S48","method":"CHGNet","natoms":240,"total_time_seconds":2667.493679,"total_steps":49990,"target_steps":50000,"steps_per_second":18.740438035,"seconds_per_step":0.0533605457,"seconds_per_step_per_atom":0.0002223356},{"material_id":"mp-782047","formula":"Ca72Cl264La40","method":"CHGNet","natoms":376,"total_time_seconds":1285.328673,"total_steps":15770,"target_steps":50000,"steps_per_second":12.2692353569,"seconds_per_step":0.0815046717,"seconds_per_step_per_atom":0.0002167677},{"material_id":"mp-568540","formula":"Ag135Cl135Hg108P216","method":"CHGNet","natoms":594,"total_time_seconds":33.322989,"total_steps":20,"target_steps":50000,"steps_per_second":0.6001862558,"seconds_per_step":1.66614945,"seconds_per_step_per_atom":0.0028049654},{"material_id":"mp-558195","formula":"B72Ba72Cl36Ho36O216","method":"CHGNet","natoms":432,"total_time_seconds":3722.14066,"total_steps":17000,"target_steps":50000,"steps_per_second":4.5672642581,"seconds_per_step":0.2189494506,"seconds_per_step_per_atom":0.0005068274},{"material_id":"mp-562327","formula":"Cl64Co80O176Te64","method":"CHGNet","natoms":384,"total_time_seconds":570.14716,"total_steps":3290,"target_steps":50000,"steps_per_second":5.7704400387,"seconds_per_step":0.1732970091,"seconds_per_step_per_atom":0.0004512943},{"material_id":"mp-672273","formula":"Al32Bi32Cl192","method":"CHGNet","natoms":256,"total_time_seconds":104.162866,"total_steps":790,"target_steps":50000,"steps_per_second":7.584276723,"seconds_per_step":0.1318517291,"seconds_per_step_per_atom":0.0005150458},{"material_id":"mp-568923","formula":"B96Ba192Cl96N192","method":"CHGNet","natoms":576,"total_time_seconds":1284.621075,"total_steps":8090,"target_steps":50000,"steps_per_second":6.2975768944,"seconds_per_step":0.158791233,"seconds_per_step_per_atom":0.0002756792},{"material_id":"mp-27546","formula":"Ca96Cl96F96","method":"CHGNet","natoms":288,"total_time_seconds":3596.287382,"total_steps":31670,"target_steps":50000,"steps_per_second":8.8063040119,"seconds_per_step":0.1135550168,"seconds_per_step_per_atom":0.0003942883},{"material_id":"mp-27869","formula":"Ba64Cl32P32","method":"CHGNet","natoms":128,"total_time_seconds":1423.87269,"total_steps":49990,"target_steps":50000,"steps_per_second":35.1084758849,"seconds_per_step":0.0284831504,"seconds_per_step_per_atom":0.0002225246},{"material_id":"mp-545500","formula":"Ba96Cl96O192Sb96","method":"CHGNet","natoms":480,"total_time_seconds":7608.304784,"total_steps":49840,"target_steps":50000,"steps_per_second":6.5507365195,"seconds_per_step":0.1526545904,"seconds_per_step_per_atom":0.0003180304},{"material_id":"mp-619575","formula":"Cl64F192","method":"CHGNet","natoms":256,"total_time_seconds":28.541179,"total_steps":140,"target_steps":50000,"steps_per_second":4.9051932998,"seconds_per_step":0.2038655643,"seconds_per_step_per_atom":0.0007963499},{"material_id":"mp-1102961","formula":"Al36Cd36Cl144","method":"CHGNet","natoms":216,"total_time_seconds":2115.098601,"total_steps":49990,"target_steps":50000,"steps_per_second":23.6348319536,"seconds_per_step":0.0423104341,"seconds_per_step_per_atom":0.0001958816},{"material_id":"mp-567716","formula":"Al48Cl192Tl48","method":"CHGNet","natoms":288,"total_time_seconds":2478.192697,"total_steps":49990,"target_steps":50000,"steps_per_second":20.1719584036,"seconds_per_step":0.0495737687,"seconds_per_step_per_atom":0.0001721311},{"material_id":"mp-23184","formula":"B54Cl162","method":"CHGNet","natoms":216,"total_time_seconds":2212.381466,"total_steps":49990,"target_steps":50000,"steps_per_second":22.5955608326,"seconds_per_step":0.0442564806,"seconds_per_step_per_atom":0.0002048911},{"material_id":"mp-28069","formula":"As27Ca81Cl81","method":"CHGNet","natoms":189,"total_time_seconds":2313.999539,"total_steps":42360,"target_steps":50000,"steps_per_second":18.3059673462,"seconds_per_step":0.0546269957,"seconds_per_step_per_atom":0.0002890317},{"material_id":"mp-556761","formula":"As48Ba80Cl16O192","method":"CHGNet","natoms":336,"total_time_seconds":6869.4739,"total_steps":49960,"target_steps":50000,"steps_per_second":7.2727549049,"seconds_per_step":0.1374994776,"seconds_per_step_per_atom":0.0004092246},{"material_id":"mp-556040","formula":"Ca32Cl64O192S64","method":"CHGNet","natoms":352,"total_time_seconds":1477.731191,"total_steps":11710,"target_steps":50000,"steps_per_second":7.9243099634,"seconds_per_step":0.1261939531,"seconds_per_step_per_atom":0.0003585055},{"material_id":"mp-574529","formula":"Al64Cl256Se128","method":"CHGNet","natoms":448,"total_time_seconds":438.950961,"total_steps":4230,"target_steps":50000,"steps_per_second":9.6366117763,"seconds_per_step":0.1037709128,"seconds_per_step_per_atom":0.0002316315},{"material_id":"mp-27882","formula":"Cl162Cs54Ge27","method":"CHGNet","natoms":243,"total_time_seconds":1468.198254,"total_steps":35700,"target_steps":50000,"steps_per_second":24.3155172694,"seconds_per_step":0.0411260015,"seconds_per_step_per_atom":0.0001692428},{"material_id":"mp-557417","formula":"As48Cl72F120O24","method":"CHGNet","natoms":264,"total_time_seconds":3677.123053,"total_steps":43400,"target_steps":50000,"steps_per_second":11.802705369,"seconds_per_step":0.0847263376,"seconds_per_step_per_atom":0.0003209331},{"material_id":"mp-1214272","formula":"As128Cd256Cl192","method":"CHGNet","natoms":576,"total_time_seconds":5072.030099,"total_steps":40740,"target_steps":50000,"steps_per_second":8.0322867185,"seconds_per_step":0.1244975478,"seconds_per_step_per_atom":0.0002161416},{"material_id":"mp-1227201","formula":"As128Cd32Cl192Hg208","method":"CHGNet","natoms":560,"total_time_seconds":106.319496,"total_steps":960,"target_steps":50000,"steps_per_second":9.0293881754,"seconds_per_step":0.110749475,"seconds_per_step_per_atom":0.0001977669},{"material_id":"mp-569812","formula":"Ba48Cl48N144","method":"CHGNet","natoms":240,"total_time_seconds":3053.183357,"total_steps":49990,"target_steps":50000,"steps_per_second":16.3730749696,"seconds_per_step":0.0610758823,"seconds_per_step_per_atom":0.0002544828},{"material_id":"mp-568443","formula":"Al32Cl128V16","method":"CHGNet","natoms":176,"total_time_seconds":405.725131,"total_steps":8780,"target_steps":50000,"steps_per_second":21.6402665971,"seconds_per_step":0.0462101516,"seconds_per_step_per_atom":0.0002625577},{"material_id":"mp-562912","formula":"Cl32Co96O192Te48","method":"CHGNet","natoms":368,"total_time_seconds":5089.624958,"total_steps":26750,"target_steps":50000,"steps_per_second":5.2557900083,"seconds_per_step":0.1902663536,"seconds_per_step_per_atom":0.0005170281},{"material_id":"mp-28361","formula":"Al72Cd36Cl288","method":"CHGNet","natoms":396,"total_time_seconds":3204.44032,"total_steps":46900,"target_steps":50000,"steps_per_second":14.635941168,"seconds_per_step":0.0683249535,"seconds_per_step_per_atom":0.0001725378},{"material_id":"mp-569892","formula":"C64B32Ca144Cl128","method":"CHGNet","natoms":368,"total_time_seconds":1.30028,"total_steps":10,"target_steps":50000,"steps_per_second":7.6906512443,"seconds_per_step":0.130028,"seconds_per_step_per_atom":0.000353337},{"material_id":"mp-23398","formula":"B48Cl48F288","method":"CHGNet","natoms":384,"total_time_seconds":4876.718567,"total_steps":29870,"target_steps":50000,"steps_per_second":6.1250202548,"seconds_per_step":0.1632647662,"seconds_per_step_per_atom":0.0004251687},{"material_id":"mp-553025","formula":"Bi48Ca48Cl48O96","method":"CHGNet","natoms":240,"total_time_seconds":3617.439858,"total_steps":40300,"target_steps":50000,"steps_per_second":11.1404754694,"seconds_per_step":0.0897627756,"seconds_per_step_per_atom":0.0003740116},{"material_id":"mp-1214746","formula":"Ba48Cl168Dy24","method":"CHGNet","natoms":240,"total_time_seconds":852.61176,"total_steps":16120,"target_steps":50000,"steps_per_second":18.9066123132,"seconds_per_step":0.0528915484,"seconds_per_step_per_atom":0.0002203815},{"material_id":"mp-22993","formula":"Ag64Cl64O256","method":"CHGNet","natoms":384,"total_time_seconds":3627.191239,"total_steps":22020,"target_steps":50000,"steps_per_second":6.0708130752,"seconds_per_step":0.1647225812,"seconds_per_step_per_atom":0.0004289651},{"material_id":"mp-571324","formula":"C108Cl108N108","method":"CHGNet","natoms":324,"total_time_seconds":5125.240065,"total_steps":46150,"target_steps":50000,"steps_per_second":9.0044562625,"seconds_per_step":0.1110561228,"seconds_per_step_per_atom":0.0003427658},{"material_id":"mp-554706","formula":"As32Cl96F192Se32","method":"CHGNet","natoms":352,"total_time_seconds":3487.480464,"total_steps":29740,"target_steps":50000,"steps_per_second":8.5276463358,"seconds_per_step":0.1172656511,"seconds_per_step_per_atom":0.0003331411},{"material_id":"mp-566301","formula":"As48Cl16O192Pb80","method":"CHGNet","natoms":336,"total_time_seconds":3763.609116,"total_steps":24450,"target_steps":50000,"steps_per_second":6.4964238438,"seconds_per_step":0.1539308432,"seconds_per_step_per_atom":0.0004581275},{"material_id":"mp-569563","formula":"Ba24Be8Cl144Zr48","method":"CHGNet","natoms":224,"total_time_seconds":2540.310263,"total_steps":49990,"target_steps":50000,"steps_per_second":19.6786985937,"seconds_per_step":0.0508163685,"seconds_per_step_per_atom":0.0002268588},{"material_id":"mp-554501","formula":"Ba80Cl16O240Os48","method":"CHGNet","natoms":384,"total_time_seconds":6569.671774,"total_steps":35290,"target_steps":50000,"steps_per_second":5.3716534424,"seconds_per_step":0.1861624192,"seconds_per_step_per_atom":0.000484798},{"material_id":"mp-1113610","formula":"Ag32Cl192Cs64Dy32","method":"CHGNet","natoms":320,"total_time_seconds":1562.229336,"total_steps":25760,"target_steps":50000,"steps_per_second":16.4892563508,"seconds_per_step":0.0606455488,"seconds_per_step_per_atom":0.0001895173},{"material_id":"mp-28137","formula":"Cl72Co36O288","method":"CHGNet","natoms":396,"total_time_seconds":76.538841,"total_steps":50,"target_steps":50000,"steps_per_second":0.6532630929,"seconds_per_step":1.53077682,"seconds_per_step_per_atom":0.003865598},{"material_id":"mp-555805","formula":"Al36Cl252S36","method":"CHGNet","natoms":324,"total_time_seconds":1572.684409,"total_steps":28620,"target_steps":50000,"steps_per_second":18.1981838417,"seconds_per_step":0.0549505384,"seconds_per_step_per_atom":0.0001696004},{"material_id":"mp-1194911","formula":"Ba96Cl32O320P96","method":"CHGNet","natoms":544,"total_time_seconds":10717.429079,"total_steps":43750,"target_steps":50000,"steps_per_second":4.0821357135,"seconds_per_step":0.2449698075,"seconds_per_step_per_atom":0.0004503121},{"material_id":"mp-1198976","formula":"Ba96Cl32Ga32S128","method":"CHGNet","natoms":288,"total_time_seconds":2668.016965,"total_steps":49990,"target_steps":50000,"steps_per_second":18.7367624179,"seconds_per_step":0.0533710135,"seconds_per_step_per_atom":0.000185316},{"material_id":"mp-552806","formula":"Ba72Bi72Cl72O144","method":"CHGNet","natoms":360,"total_time_seconds":5634.402835,"total_steps":49980,"target_steps":50000,"steps_per_second":8.8705052627,"seconds_per_step":0.11273315,"seconds_per_step_per_atom":0.0003131476},{"material_id":"mp-23373","formula":"Ba48Cl192Zn48","method":"CHGNet","natoms":288,"total_time_seconds":2687.579986,"total_steps":49990,"target_steps":50000,"steps_per_second":18.6003766438,"seconds_per_step":0.0537623522,"seconds_per_step_per_atom":0.0001866748},{"material_id":"mp-559141","formula":"Ba120Cl24Cu96F408","method":"CHGNet","natoms":648,"total_time_seconds":2.410509,"total_steps":10,"target_steps":50000,"steps_per_second":4.1485014161,"seconds_per_step":0.2410509,"seconds_per_step_per_atom":0.0003719921},{"material_id":"mp-1214988","formula":"Ag16Cl208Mo96","method":"CHGNet","natoms":320,"total_time_seconds":3265.399614,"total_steps":35290,"target_steps":50000,"steps_per_second":10.807253069,"seconds_per_step":0.0925304509,"seconds_per_step_per_atom":0.0002891577},{"material_id":"mp-567334","formula":"Ag64B384Cl384","method":"CHGNet","natoms":832,"total_time_seconds":1812.488282,"total_steps":4570,"target_steps":50000,"steps_per_second":2.5213956114,"seconds_per_step":0.396605751,"seconds_per_step_per_atom":0.0004766896},{"material_id":"mp-558243","formula":"Ba64Cl32In32O96","method":"CHGNet","natoms":224,"total_time_seconds":3904.327377,"total_steps":49970,"target_steps":50000,"steps_per_second":12.7986193715,"seconds_per_step":0.0781334276,"seconds_per_step_per_atom":0.0003488099},{"material_id":"mp-29746","formula":"Cd256Cl192P128","method":"CHGNet","natoms":576,"total_time_seconds":3573.675203,"total_steps":28080,"target_steps":50000,"steps_per_second":7.8574572128,"seconds_per_step":0.1272676354,"seconds_per_step_per_atom":0.0002209508},{"material_id":"mp-866310","formula":"B72Ba72Cl36O216Y36","method":"CHGNet","natoms":432,"total_time_seconds":2212.230496,"total_steps":11050,"target_steps":50000,"steps_per_second":4.994958717,"seconds_per_step":0.2002018548,"seconds_per_step_per_atom":0.0004634302},{"material_id":"mp-638061","formula":"Al48Cl192In48","method":"CHGNet","natoms":288,"total_time_seconds":2608.954814,"total_steps":49990,"target_steps":50000,"steps_per_second":19.1609297837,"seconds_per_step":0.0521895342,"seconds_per_step_per_atom":0.0001812137},{"material_id":"mp-649453","formula":"C32B32Ca96Cl64N32","method":"CHGNet","natoms":256,"total_time_seconds":4645.28128,"total_steps":49980,"target_steps":50000,"steps_per_second":10.7593054085,"seconds_per_step":0.0929428027,"seconds_per_step_per_atom":0.0003630578},{"material_id":"mp-1195865","formula":"Ce32Cl32O176Te64","method":"CHGNet","natoms":304,"total_time_seconds":1632.233274,"total_steps":14530,"target_steps":50000,"steps_per_second":8.9019138572,"seconds_per_step":0.1123353939,"seconds_per_step_per_atom":0.0003695243},{"material_id":"mp-1113595","formula":"Ag32Cl192Cs64Er32","method":"CHGNet","natoms":320,"total_time_seconds":1602.063492,"total_steps":26190,"target_steps":50000,"steps_per_second":16.3476667003,"seconds_per_step":0.0611708092,"seconds_per_step_per_atom":0.0001911588},{"material_id":"mp-567743","formula":"Al32Cl128Sb64Te64","method":"CHGNet","natoms":288,"total_time_seconds":2589.473713,"total_steps":49990,"target_steps":50000,"steps_per_second":19.3050810862,"seconds_per_step":0.0517998342,"seconds_per_step_per_atom":0.0001798605},{"material_id":"mp-560633","formula":"Al64Cl192O32Sn32","method":"CHGNet","natoms":320,"total_time_seconds":3293.980233,"total_steps":49990,"target_steps":50000,"steps_per_second":15.1761687879,"seconds_per_step":0.0658927832,"seconds_per_step_per_atom":0.0002059149},{"material_id":"mp-568001","formula":"Al32Cl128Hg64Sb32","method":"CHGNet","natoms":256,"total_time_seconds":1384.625867,"total_steps":29650,"target_steps":50000,"steps_per_second":21.4137267739,"seconds_per_step":0.0466990174,"seconds_per_step_per_atom":0.000182418},{"material_id":"mp-1229338","formula":"Ba52Ca8Cl12O180Re36","method":"CHGNet","natoms":288,"total_time_seconds":3614.32688,"total_steps":26130,"target_steps":50000,"steps_per_second":7.2295619261,"seconds_per_step":0.1383209675,"seconds_per_step_per_atom":0.0004802811},{"material_id":"mp-607454","formula":"C72Al24Cl144N72","method":"CHGNet","natoms":312,"total_time_seconds":3850.949038,"total_steps":48180,"target_steps":50000,"steps_per_second":12.5112016608,"seconds_per_step":0.0799283736,"seconds_per_step_per_atom":0.0002561807},{"material_id":"mp-29863","formula":"As48Cl144O48","method":"CHGNet","natoms":240,"total_time_seconds":2737.179565,"total_steps":49990,"target_steps":50000,"steps_per_second":18.2633250077,"seconds_per_step":0.0547545422,"seconds_per_step_per_atom":0.0002281439},{"material_id":"mp-560833","formula":"B72Cl24O240Pb144","method":"CHGNet","natoms":480,"total_time_seconds":9992.283466,"total_steps":49970,"target_steps":50000,"steps_per_second":5.0008589298,"seconds_per_step":0.1999656487,"seconds_per_step_per_atom":0.0004165951},{"material_id":"mp-23318","formula":"Bi64Cl64S64","method":"CHGNet","natoms":192,"total_time_seconds":1993.75703,"total_steps":41100,"target_steps":50000,"steps_per_second":20.6143473761,"seconds_per_step":0.0485099034,"seconds_per_step_per_atom":0.0002526557},{"material_id":"mp-1194909","formula":"Al32Cl128Sb64Se64","method":"CHGNet","natoms":288,"total_time_seconds":4146.605298,"total_steps":20250,"target_steps":50000,"steps_per_second":4.8835127881,"seconds_per_step":0.204770632,"seconds_per_step_per_atom":0.0007110091},{"material_id":"mp-556855","formula":"Ba144Bi48Cl144O144","method":"CHGNet","natoms":480,"total_time_seconds":3572.489952,"total_steps":34370,"target_steps":50000,"steps_per_second":9.6207408451,"seconds_per_step":0.1039420993,"seconds_per_step_per_atom":0.000216546},{"material_id":"mp-27935","formula":"Al36Cl216I36","method":"CHGNet","natoms":288,"total_time_seconds":2540.923692,"total_steps":49990,"target_steps":50000,"steps_per_second":19.6739477684,"seconds_per_step":0.0508286396,"seconds_per_step_per_atom":0.0001764883},{"material_id":"mp-1228639","formula":"B72Ba72Cl36Lu36O216","method":"CHGNet","natoms":432,"total_time_seconds":793.579009,"total_steps":3580,"target_steps":50000,"steps_per_second":4.5112080327,"seconds_per_step":0.2216701142,"seconds_per_step_per_atom":0.0005131253},{"material_id":"mp-570530","formula":"B96Cl96Cs16","method":"CHGNet","natoms":208,"total_time_seconds":3178.144525,"total_steps":36130,"target_steps":50000,"steps_per_second":11.3682684081,"seconds_per_step":0.0879641441,"seconds_per_step_per_atom":0.0004229045},{"material_id":"mp-28651","formula":"Cl162Cs54Ir27","method":"CHGNet","natoms":243,"total_time_seconds":1592.933778,"total_steps":38260,"target_steps":50000,"steps_per_second":24.018575366,"seconds_per_step":0.0416344427,"seconds_per_step_per_atom":0.0001713352},{"material_id":"mp-583042","formula":"C144Ce144Cl90","method":"CHGNet","natoms":378,"total_time_seconds":5179.327273,"total_steps":37430,"target_steps":50000,"steps_per_second":7.2268072719,"seconds_per_step":0.1383736915,"seconds_per_step_per_atom":0.000366068},{"material_id":"mp-542133","formula":"Ce48Cl16S128Si32","method":"CHGNet","natoms":224,"total_time_seconds":3005.489711,"total_steps":49990,"target_steps":50000,"steps_per_second":16.6328967346,"seconds_per_step":0.0601218186,"seconds_per_step_per_atom":0.000268401},{"material_id":"mp-580631","formula":"Cl192Cs64K32Tb32","method":"CHGNet","natoms":320,"total_time_seconds":1393.900703,"total_steps":29110,"target_steps":50000,"steps_per_second":20.8838405328,"seconds_per_step":0.0478839128,"seconds_per_step_per_atom":0.0001496372},{"material_id":"mp-562004","formula":"Ca24Cl48Co48O192Te72","method":"CHGNet","natoms":384,"total_time_seconds":5176.379821,"total_steps":28660,"target_steps":50000,"steps_per_second":5.5366879926,"seconds_per_step":0.1806133922,"seconds_per_step_per_atom":0.0004703474},{"material_id":"mp-549711","formula":"Ca64Cl64Fe64O128","method":"CHGNet","natoms":320,"total_time_seconds":3574.002373,"total_steps":23650,"target_steps":50000,"steps_per_second":6.6172311968,"seconds_per_step":0.1511206077,"seconds_per_step_per_atom":0.0004722519},{"material_id":"mp-580802","formula":"C24Ce72Cl120","method":"CHGNet","natoms":216,"total_time_seconds":661.778742,"total_steps":11820,"target_steps":50000,"steps_per_second":17.8609545001,"seconds_per_step":0.0559880492,"seconds_per_step_per_atom":0.0002592039},{"material_id":"mp-610491","formula":"Bi64Cl64Se64","method":"CHGNet","natoms":192,"total_time_seconds":2061.960355,"total_steps":49990,"target_steps":50000,"steps_per_second":24.2439190835,"seconds_per_step":0.0412474566,"seconds_per_step_per_atom":0.0002148305},{"material_id":"mp-560549","formula":"Au64Cl64O192Se64","method":"CHGNet","natoms":384,"total_time_seconds":4483.928151,"total_steps":38190,"target_steps":50000,"steps_per_second":8.5170856254,"seconds_per_step":0.117411054,"seconds_per_step_per_atom":0.000305758},{"material_id":"mp-554263","formula":"B108Ca216Cl108O324","method":"CHGNet","natoms":756,"total_time_seconds":48.818698,"total_steps":30,"target_steps":50000,"steps_per_second":0.614518642,"seconds_per_step":1.6272899333,"seconds_per_step_per_atom":0.0021524999},{"material_id":"mp-637206","formula":"Al64Bi64Cl256Se64","method":"CHGNet","natoms":448,"total_time_seconds":3402.754539,"total_steps":49990,"target_steps":50000,"steps_per_second":14.6910391058,"seconds_per_step":0.0680687045,"seconds_per_step_per_atom":0.0001519391},{"material_id":"mp-683949","formula":"Al32Cl288N96P96","method":"CHGNet","natoms":512,"total_time_seconds":1278.59874,"total_steps":9140,"target_steps":50000,"steps_per_second":7.1484506547,"seconds_per_step":0.139890453,"seconds_per_step_per_atom":0.0002732235},{"material_id":"mp-541656","formula":"Au108Cl216","method":"CHGNet","natoms":324,"total_time_seconds":305.206769,"total_steps":4040,"target_steps":50000,"steps_per_second":13.2369279136,"seconds_per_step":0.07554623,"seconds_per_step_per_atom":0.0002331674},{"material_id":"mp-1189625","formula":"Cl216Cs72Li36Sc36","method":"CHGNet","natoms":360,"total_time_seconds":726.383075,"total_steps":11790,"target_steps":50000,"steps_per_second":16.2311050543,"seconds_per_step":0.0616100997,"seconds_per_step_per_atom":0.0001711392},{"material_id":"mp-1214997","formula":"C72Cl36N84","method":"CHGNet","natoms":192,"total_time_seconds":3.387475,"total_steps":30,"target_steps":50000,"steps_per_second":8.85615392,"seconds_per_step":0.1129158333,"seconds_per_step_per_atom":0.0005881033},{"material_id":"mp-510724","formula":"As72Cl24O216Pb120","method":"CHGNet","natoms":432,"total_time_seconds":3495.988283,"total_steps":23410,"target_steps":50000,"steps_per_second":6.6962466991,"seconds_per_step":0.1493373893,"seconds_per_step_per_atom":0.0003456884},{"material_id":"mp-30273","formula":"Ac96Cl96O96","method":"CHGNet","natoms":288,"total_time_seconds":4230.28362,"total_steps":49980,"target_steps":50000,"steps_per_second":11.814810658,"seconds_per_step":0.0846395282,"seconds_per_step_per_atom":0.0002938873},{"material_id":"mp-1004532","formula":"C64Cl256","method":"CHGNet","natoms":320,"total_time_seconds":1113.404384,"total_steps":15070,"target_steps":50000,"steps_per_second":13.5350643635,"seconds_per_step":0.0738821754,"seconds_per_step_per_atom":0.0002308818},{"material_id":"mp-560330","formula":"Ba72Cl48Fe48O120","method":"CHGNet","natoms":288,"total_time_seconds":3702.767473,"total_steps":43940,"target_steps":50000,"steps_per_second":11.8667997168,"seconds_per_step":0.0842687181,"seconds_per_step_per_atom":0.0002925997},{"material_id":"mp-28944","formula":"Bi100Cl100Te100","method":"CHGNet","natoms":300,"total_time_seconds":2509.081752,"total_steps":49990,"target_steps":50000,"steps_per_second":19.9236234372,"seconds_per_step":0.0501916734,"seconds_per_step_per_atom":0.0001673056},{"material_id":"mp-1203522","formula":"Cl128Cs64Hg32","method":"CHGNet","natoms":224,"total_time_seconds":1.997358,"total_steps":90,"target_steps":50000,"steps_per_second":45.0595236307,"seconds_per_step":0.0221928667,"seconds_per_step_per_atom":0.0000990753},{"material_id":"mp-23085","formula":"Ba54Cl54Cu81O108","method":"CHGNet","natoms":297,"total_time_seconds":3614.617833,"total_steps":30430,"target_steps":50000,"steps_per_second":8.4185939997,"seconds_per_step":0.1187846807,"seconds_per_step_per_atom":0.0003999484},{"material_id":"mp-569822","formula":"Bi32Cl480W192","method":"CHGNet","natoms":704,"total_time_seconds":15.045395,"total_steps":20,"target_steps":50000,"steps_per_second":1.329310397,"seconds_per_step":0.75226975,"seconds_per_step_per_atom":0.001068565},{"material_id":"mp-551456","formula":"Ba80Cl40Cu40O80","method":"CHGNet","natoms":240,"total_time_seconds":2778.865479,"total_steps":49990,"target_steps":50000,"steps_per_second":17.989355864,"seconds_per_step":0.0555884273,"seconds_per_step_per_atom":0.0002316184},{"material_id":"mp-550553","formula":"Bi48Cd48Cl48O96","method":"CHGNet","natoms":240,"total_time_seconds":3576.093599,"total_steps":42180,"target_steps":50000,"steps_per_second":11.7949932887,"seconds_per_step":0.0847817354,"seconds_per_step_per_atom":0.0003532572},{"material_id":"mp-1214684","formula":"Ba48Cl168Ho24","method":"CHGNet","natoms":240,"total_time_seconds":2432.675931,"total_steps":49990,"target_steps":50000,"steps_per_second":20.5493873487,"seconds_per_step":0.0486632513,"seconds_per_step_per_atom":0.0002027635},{"material_id":"mp-23575","formula":"As32Cl96F192Se96","method":"CHGNet","natoms":416,"total_time_seconds":3622.709767,"total_steps":30360,"target_steps":50000,"steps_per_second":8.3804670958,"seconds_per_step":0.1193250911,"seconds_per_step_per_atom":0.0002868392},{"material_id":"mp-570053","formula":"As16Au16Bi128Cl144","method":"CHGNet","natoms":304,"total_time_seconds":63.023961,"total_steps":340,"target_steps":50000,"steps_per_second":5.3947735846,"seconds_per_step":0.1853645912,"seconds_per_step_per_atom":0.0006097519},{"material_id":"mp-556647","formula":"Ba80Cl16O240Re48","method":"CHGNet","natoms":384,"total_time_seconds":8112.536199,"total_steps":45040,"target_steps":50000,"steps_per_second":5.5519012668,"seconds_per_step":0.1801184769,"seconds_per_step_per_atom":0.0004690585},{"material_id":"mp-556378","formula":"Bi48Cl48O144Se48","method":"CHGNet","natoms":288,"total_time_seconds":5262.709642,"total_steps":49970,"target_steps":50000,"steps_per_second":9.4951086796,"seconds_per_step":0.1053173833,"seconds_per_step_per_atom":0.0003656854},{"material_id":"mp-1194678","formula":"Bi64Cl32I32O256Te32","method":"CHGNet","natoms":416,"total_time_seconds":69.849788,"total_steps":20,"target_steps":50000,"steps_per_second":0.2863287144,"seconds_per_step":3.4924894,"seconds_per_step_per_atom":0.0083954072},{"material_id":"mp-558609","formula":"Ce72Cl72O144Ta24","method":"CHGNet","natoms":312,"total_time_seconds":1809.432828,"total_steps":11260,"target_steps":50000,"steps_per_second":6.222944464,"seconds_per_step":0.160695633,"seconds_per_step_per_atom":0.0005150501},{"material_id":"mp-572634","formula":"Ag64Al128Cl320O64","method":"CHGNet","natoms":576,"total_time_seconds":5831.173273,"total_steps":49980,"target_steps":50000,"steps_per_second":8.5711738719,"seconds_per_step":0.1166701335,"seconds_per_step_per_atom":0.0002025523},{"material_id":"mp-30023","formula":"Al48Ba24Cl192","method":"CHGNet","natoms":264,"total_time_seconds":2345.06795,"total_steps":49990,"target_steps":50000,"steps_per_second":21.3170795328,"seconds_per_step":0.0469107411,"seconds_per_step_per_atom":0.0001776922},{"material_id":"mp-1201143","formula":"As24Cl24F192O24","method":"CHGNet","natoms":264,"total_time_seconds":5776.009089,"total_steps":45180,"target_steps":50000,"steps_per_second":7.8220098521,"seconds_per_step":0.12784438,"seconds_per_step_per_atom":0.000484259},{"material_id":"mp-628665","formula":"Al64Bi64Cl256Te64","method":"CHGNet","natoms":448,"total_time_seconds":3755.913379,"total_steps":49980,"target_steps":50000,"steps_per_second":13.307016152,"seconds_per_step":0.0751483269,"seconds_per_step_per_atom":0.0001677418},{"material_id":"mp-1113058","formula":"Cl192Cs64Er32K32","method":"CHGNet","natoms":320,"total_time_seconds":1712.384128,"total_steps":35480,"target_steps":50000,"steps_per_second":20.7196501181,"seconds_per_step":0.0482633632,"seconds_per_step_per_atom":0.000150823},{"material_id":"mp-28192","formula":"Au32Cl160S32","method":"CHGNet","natoms":224,"total_time_seconds":8.842909,"total_steps":150,"target_steps":50000,"steps_per_second":16.9627438211,"seconds_per_step":0.0589527267,"seconds_per_step_per_atom":0.0002631818},{"material_id":"mp-1112998","formula":"Cl192Cs64Li32Tm32","method":"CHGNet","natoms":320,"total_time_seconds":738.56626,"total_steps":11480,"target_steps":50000,"steps_per_second":15.5436290848,"seconds_per_step":0.0643350401,"seconds_per_step_per_atom":0.000201047},{"material_id":"mp-28372","formula":"Au32Cl224Se32","method":"CHGNet","natoms":288,"total_time_seconds":2668.621409,"total_steps":49990,"target_steps":50000,"steps_per_second":18.7325185324,"seconds_per_step":0.0533831048,"seconds_per_step_per_atom":0.000185358},{"material_id":"mp-1204489","formula":"Al32Br32Cl128Sb64Te64","method":"CHGNet","natoms":320,"total_time_seconds":2638.393624,"total_steps":49990,"target_steps":50000,"steps_per_second":18.9471349329,"seconds_per_step":0.0527784282,"seconds_per_step_per_atom":0.0001649326},{"material_id":"mp-569635","formula":"Ba48Cl160In16Zn8","method":"CHGNet","natoms":232,"total_time_seconds":2233.444009,"total_steps":49990,"target_steps":50000,"steps_per_second":22.3824728977,"seconds_per_step":0.0446778157,"seconds_per_step_per_atom":0.0001925768},{"material_id":"mp-989516","formula":"Cl192Cs64F32I32","method":"CHGNet","natoms":320,"total_time_seconds":1667.148041,"total_steps":32940,"target_steps":50000,"steps_per_second":19.7582933188,"seconds_per_step":0.0506116588,"seconds_per_step_per_atom":0.0001581614},{"material_id":"mp-573465","formula":"Ag320Cl64Te128","method":"CHGNet","natoms":512,"total_time_seconds":3724.855129,"total_steps":25480,"target_steps":50000,"steps_per_second":6.8405344953,"seconds_per_step":0.1461874069,"seconds_per_step_per_atom":0.0002855223},{"material_id":"mp-1198571","formula":"Ba64Cl272Eu56","method":"CHGNet","natoms":392,"total_time_seconds":3512.467758,"total_steps":45150,"target_steps":50000,"steps_per_second":12.8542105183,"seconds_per_step":0.0777955207,"seconds_per_step_per_atom":0.000198458},{"material_id":"mp-555087","formula":"Ba80Cl96O64Si16","method":"CHGNet","natoms":256,"total_time_seconds":137.704083,"total_steps":1050,"target_steps":50000,"steps_per_second":7.6250462377,"seconds_per_step":0.1311467457,"seconds_per_step_per_atom":0.000512292},{"material_id":"mp-556418","formula":"Al36Cl108O72S36","method":"CHGNet","natoms":252,"total_time_seconds":3283.518486,"total_steps":49950,"target_steps":50000,"steps_per_second":15.2123401202,"seconds_per_step":0.0657361058,"seconds_per_step_per_atom":0.0002608576},{"material_id":"mp-505564","formula":"Bi64Cl224Se128","method":"CHGNet","natoms":416,"total_time_seconds":3616.580855,"total_steps":47090,"target_steps":50000,"steps_per_second":13.0205854336,"seconds_per_step":0.0768014622,"seconds_per_step_per_atom":0.0001846189},{"material_id":"mp-22946","formula":"Cl80Cr80O80","method":"CHGNet","natoms":240,"total_time_seconds":1609.892599,"total_steps":15780,"target_steps":50000,"steps_per_second":9.8018961077,"seconds_per_step":0.1020210772,"seconds_per_step_per_atom":0.0004250878},{"material_id":"mp-27926","formula":"As32Cl32F256","method":"CHGNet","natoms":320,"total_time_seconds":980.803293,"total_steps":6000,"target_steps":50000,"steps_per_second":6.1174345996,"seconds_per_step":0.1634672155,"seconds_per_step_per_atom":0.000510835},{"material_id":"mp-556587","formula":"Au32Cl224S32","method":"CHGNet","natoms":288,"total_time_seconds":2768.785705,"total_steps":48420,"target_steps":50000,"steps_per_second":17.4878105996,"seconds_per_step":0.057182687,"seconds_per_step_per_atom":0.000198551},{"material_id":"mp-28020","formula":"Al36Cl144Cu36","method":"CHGNet","natoms":216,"total_time_seconds":2194.764129,"total_steps":49990,"target_steps":50000,"steps_per_second":22.7769350426,"seconds_per_step":0.0439040634,"seconds_per_step_per_atom":0.0002032596},{"material_id":"mp-555742","formula":"B160Ba64Cl32O288","method":"CHGNet","natoms":544,"total_time_seconds":7075.37239,"total_steps":18650,"target_steps":50000,"steps_per_second":2.635903663,"seconds_per_step":0.3793765357,"seconds_per_step_per_atom":0.0006973833},{"material_id":"mp-753945","formula":"Cl64F192O64","method":"CHGNet","natoms":320,"total_time_seconds":5457.602322,"total_steps":34420,"target_steps":50000,"steps_per_second":6.3067988412,"seconds_per_step":0.1585590448,"seconds_per_step_per_atom":0.000495497},{"material_id":"mp-1198361","formula":"Al48Bi192Cl192","method":"CHGNet","natoms":432,"total_time_seconds":3389.227392,"total_steps":49980,"target_steps":50000,"steps_per_second":14.7467237276,"seconds_per_step":0.0678116725,"seconds_per_step_per_atom":0.0001569715},{"material_id":"mp-1196379","formula":"Ce48Cl48Mo48O192","method":"CHGNet","natoms":336,"total_time_seconds":3.312806,"total_steps":40,"target_steps":50000,"steps_per_second":12.074356301,"seconds_per_step":0.08282015,"seconds_per_step_per_atom":0.0002464885},{"material_id":"mp-559847","formula":"Ag135Cl54P27S108","method":"CHGNet","natoms":324,"total_time_seconds":3670.48211,"total_steps":41390,"target_steps":50000,"steps_per_second":11.2764478234,"seconds_per_step":0.0886804086,"seconds_per_step_per_atom":0.000273705},{"material_id":"mp-22881","formula":"Cd75Cl150","method":"CHGNet","natoms":225,"total_time_seconds":1928.697175,"total_steps":38830,"target_steps":50000,"steps_per_second":20.1327613807,"seconds_per_step":0.0496702852,"seconds_per_step_per_atom":0.0002207568},{"material_id":"mp-561268","formula":"As72Cl24O144Pb48","method":"CHGNet","natoms":288,"total_time_seconds":5277.829471,"total_steps":49980,"target_steps":50000,"steps_per_second":9.4698019848,"seconds_per_step":0.105598829,"seconds_per_step_per_atom":0.0003666626},{"material_id":"mp-23094","formula":"Ba80Cl16O192V48","method":"CHGNet","natoms":336,"total_time_seconds":3561.504889,"total_steps":26110,"target_steps":50000,"steps_per_second":7.3311706185,"seconds_per_step":0.136403864,"seconds_per_step_per_atom":0.0004059639},{"material_id":"mp-720971","formula":"Al88Ca96Cl40O256Si24","method":"CHGNet","natoms":504,"total_time_seconds":5303.863758,"total_steps":17210,"target_steps":50000,"steps_per_second":3.2448043135,"seconds_per_step":0.3081849947,"seconds_per_step_per_atom":0.0006114782},{"material_id":"mp-1078258","formula":"Ag32Bi32Cl192Cs64","method":"CHGNet","natoms":320,"total_time_seconds":1951.803219,"total_steps":31710,"target_steps":50000,"steps_per_second":16.2465148593,"seconds_per_step":0.0615516625,"seconds_per_step_per_atom":0.0001923489},{"material_id":"mp-32780","formula":"Au108Cl108","method":"CHGNet","natoms":216,"total_time_seconds":2341.107612,"total_steps":49990,"target_steps":50000,"steps_per_second":21.3531406005,"seconds_per_step":0.0468315185,"seconds_per_step_per_atom":0.0002168126},{"material_id":"mp-1113049","formula":"Cl192Cs64Gd32K32","method":"CHGNet","natoms":320,"total_time_seconds":1834.8076,"total_steps":38500,"target_steps":50000,"steps_per_second":20.9831265142,"seconds_per_step":0.0476573403,"seconds_per_step_per_atom":0.0001489292},{"material_id":"mp-1213763","formula":"Cl72F360","method":"CHGNet","natoms":432,"total_time_seconds":3573.984011,"total_steps":16840,"target_steps":50000,"steps_per_second":4.7118285779,"seconds_per_step":0.2122318296,"seconds_per_step_per_atom":0.0004912774},{"material_id":"mp-28160","formula":"C180Ca180Cl120","method":"CHGNet","natoms":480,"total_time_seconds":5545.385777,"total_steps":30190,"target_steps":50000,"steps_per_second":5.444165873,"seconds_per_step":0.1836828677,"seconds_per_step_per_atom":0.0003826726},{"material_id":"mp-556705","formula":"As32Cl96F192S32","method":"CHGNet","natoms":352,"total_time_seconds":6222.261431,"total_steps":49980,"target_steps":50000,"steps_per_second":8.0324493842,"seconds_per_step":0.1244950266,"seconds_per_step_per_atom":0.0003536791},{"material_id":"mp-27647","formula":"Au72Cl216","method":"CHGNet","natoms":288,"total_time_seconds":2778.691642,"total_steps":49990,"target_steps":50000,"steps_per_second":17.9904812914,"seconds_per_step":0.0555849498,"seconds_per_step_per_atom":0.0001930033},{"material_id":"mp-30097","formula":"Bi32Cl128Te112","method":"CHGNet","natoms":272,"total_time_seconds":559.758652,"total_steps":10640,"target_steps":50000,"steps_per_second":19.0081921235,"seconds_per_step":0.0526088959,"seconds_per_step_per_atom":0.0001934151},{"material_id":"mp-1112624","formula":"Cl192Cs64Gd32Li32","method":"CHGNet","natoms":320,"total_time_seconds":1563.927251,"total_steps":24880,"target_steps":50000,"steps_per_second":15.9086683758,"seconds_per_step":0.0628588123,"seconds_per_step_per_atom":0.0001964338},{"material_id":"mp-1077904","formula":"Cd36Cl72O72Pb72","method":"CHGNet","natoms":252,"total_time_seconds":103.22436,"total_steps":1510,"target_steps":50000,"steps_per_second":14.6283299795,"seconds_per_step":0.0683605033,"seconds_per_step_per_atom":0.0002712718},{"material_id":"mp-1103527","formula":"B48Ba48Cl48F192","method":"CHGNet","natoms":336,"total_time_seconds":6257.80208,"total_steps":49970,"target_steps":50000,"steps_per_second":7.9852317733,"seconds_per_step":0.1252311803,"seconds_per_step_per_atom":0.0003727118},{"material_id":"mp-23326","formula":"Ca96Cl144O24","method":"CHGNet","natoms":264,"total_time_seconds":3686.70636,"total_steps":49980,"target_steps":50000,"steps_per_second":13.5568160628,"seconds_per_step":0.0737636327,"seconds_per_step_per_atom":0.0002794077},{"material_id":"mp-1201345","formula":"B48Ba80Cl16O144","method":"CHGNet","natoms":288,"total_time_seconds":5741.286018,"total_steps":49980,"target_steps":50000,"steps_per_second":8.7053666797,"seconds_per_step":0.114871669,"seconds_per_step_per_atom":0.00039886},{"material_id":"mp-1226996","formula":"Bi108Cd9Cl126O108","method":"CHGNet","natoms":351,"total_time_seconds":412.874582,"total_steps":3200,"target_steps":50000,"steps_per_second":7.7505376681,"seconds_per_step":0.1290233069,"seconds_per_step_per_atom":0.0003675878},{"material_id":"mp-1228175","formula":"Ba120Cl48Li24Mo48N168","method":"CHGNet","natoms":408,"total_time_seconds":3451.182027,"total_steps":28700,"target_steps":50000,"steps_per_second":8.3159913837,"seconds_per_step":0.1202502448,"seconds_per_step_per_atom":0.000294731},{"material_id":"mp-554249","formula":"Bi96Cl48F16O112","method":"CHGNet","natoms":272,"total_time_seconds":5493.318271,"total_steps":46660,"target_steps":50000,"steps_per_second":8.4939553287,"seconds_per_step":0.1177307816,"seconds_per_step_per_atom":0.0004328338},{"material_id":"mp-651358","formula":"Ba48Cl168Er24","method":"CHGNet","natoms":240,"total_time_seconds":2555.93433,"total_steps":49990,"target_steps":50000,"steps_per_second":19.5584054775,"seconds_per_step":0.0511289124,"seconds_per_step_per_atom":0.0002130371},{"material_id":"mp-22939","formula":"Bi150Cl150O150","method":"CHGNet","natoms":450,"total_time_seconds":1378.826438,"total_steps":9310,"target_steps":50000,"steps_per_second":6.7521188624,"seconds_per_step":0.1481016582,"seconds_per_step_per_atom":0.0003291148},{"material_id":"mp-567646","formula":"Ba72Cl272Sm48","method":"CHGNet","natoms":392,"total_time_seconds":3592.1723,"total_steps":43660,"target_steps":50000,"steps_per_second":12.1542054094,"seconds_per_step":0.082276049,"seconds_per_step_per_atom":0.0002098879},{"material_id":"mp-568105","formula":"B16Ba32Cl272Zr96","method":"CHGNet","natoms":416,"total_time_seconds":5051.845392,"total_steps":49980,"target_steps":50000,"steps_per_second":9.8934144103,"seconds_per_step":0.1010773388,"seconds_per_step_per_atom":0.0002429744},{"material_id":"mp-558349","formula":"Ba80Cl16O192P48","method":"CHGNet","natoms":336,"total_time_seconds":7128.454707,"total_steps":48910,"target_steps":50000,"steps_per_second":6.8612345887,"seconds_per_step":0.1457463649,"seconds_per_step_per_atom":0.0004337689},{"material_id":"mp-1025185","formula":"Ca18Cl72Cs36","method":"CHGNet","natoms":126,"total_time_seconds":1701.106699,"total_steps":49990,"target_steps":50000,"steps_per_second":29.3867515949,"seconds_per_step":0.0340289398,"seconds_per_step_per_atom":0.000270071},{"material_id":"mp-553883","formula":"Ba162Cl108O270W54","method":"CHGNet","natoms":594,"total_time_seconds":23.159405,"total_steps":30,"target_steps":50000,"steps_per_second":1.2953700667,"seconds_per_step":0.7719801667,"seconds_per_step_per_atom":0.0012996299},{"material_id":"mp-557276","formula":"Ca64Cl32O128V32","method":"CHGNet","natoms":256,"total_time_seconds":5636.85756,"total_steps":43130,"target_steps":50000,"steps_per_second":7.6514262674,"seconds_per_step":0.1306945875,"seconds_per_step_per_atom":0.0005105257},{"material_id":"mp-866304","formula":"B72Ba72Cl36Gd36O216","method":"CHGNet","natoms":432,"total_time_seconds":992.592501,"total_steps":5030,"target_steps":50000,"steps_per_second":5.067537781,"seconds_per_step":0.1973344932,"seconds_per_step_per_atom":0.0004567928},{"material_id":"mp-1228107","formula":"Ba72Cl72F144Mn24Zn12","method":"CHGNet","natoms":324,"total_time_seconds":6348.839635,"total_steps":49980,"target_steps":50000,"steps_per_second":7.8723046845,"seconds_per_step":0.1270276037,"seconds_per_step_per_atom":0.0003920605},{"material_id":"mp-559481","formula":"Ba48Cl48O144V48","method":"CHGNet","natoms":288,"total_time_seconds":6014.342087,"total_steps":49970,"target_steps":50000,"steps_per_second":8.3084731924,"seconds_per_step":0.1203590572,"seconds_per_step_per_atom":0.0004179134},{"material_id":"mp-540628","formula":"Al64Cl256Te128","method":"CHGNet","natoms":448,"total_time_seconds":1131.927459,"total_steps":14420,"target_steps":50000,"steps_per_second":12.7393322649,"seconds_per_step":0.0784970499,"seconds_per_step_per_atom":0.0001752166},{"material_id":"mp-989543","formula":"Br32Cl192Cs64F32","method":"CHGNet","natoms":320,"total_time_seconds":2518.322298,"total_steps":49990,"target_steps":50000,"steps_per_second":19.8505171636,"seconds_per_step":0.0503765213,"seconds_per_step_per_atom":0.0001574266},{"material_id":"mp-1205403","formula":"Al24Cl168Se24","method":"CHGNet","natoms":216,"total_time_seconds":888.433348,"total_steps":20650,"target_steps":50000,"steps_per_second":23.2431617369,"seconds_per_step":0.0430234067,"seconds_per_step_per_atom":0.0001991824},{"material_id":"mp-27971","formula":"Ac48Cl144","method":"CHGNet","natoms":192,"total_time_seconds":2178.099051,"total_steps":49980,"target_steps":50000,"steps_per_second":22.9466148369,"seconds_per_step":0.0435794128,"seconds_per_step_per_atom":0.0002269761},{"material_id":"mp-23476","formula":"Cd224Cl192P128","method":"CHGNet","natoms":544,"total_time_seconds":1965.52263,"total_steps":16120,"target_steps":50000,"steps_per_second":8.201381024,"seconds_per_step":0.1219306842,"seconds_per_step_per_atom":0.0002241373},{"material_id":"mp-554949","formula":"Ba72Cl24O144Pt12Ru24","method":"CHGNet","natoms":276,"total_time_seconds":6411.296067,"total_steps":49970,"target_steps":50000,"steps_per_second":7.7940559097,"seconds_per_step":0.1283029031,"seconds_per_step_per_atom":0.0004648656},{"material_id":"mp-540868","formula":"Ca144Cl96O192Si48","method":"CHGNet","natoms":480,"total_time_seconds":2926.515541,"total_steps":13820,"target_steps":50000,"steps_per_second":4.7223395217,"seconds_per_step":0.2117594458,"seconds_per_step_per_atom":0.0004411655},{"material_id":"mp-1018099","formula":"Ba80Cl40N40","method":"CHGNet","natoms":160,"total_time_seconds":2133.552379,"total_steps":49990,"target_steps":50000,"steps_per_second":23.4304067208,"seconds_per_step":0.0426795835,"seconds_per_step_per_atom":0.0002667474},{"material_id":"mp-1229199","formula":"Ba68Cl272Sm48Sr4","method":"CHGNet","natoms":392,"total_time_seconds":4219.155511,"total_steps":49980,"target_steps":50000,"steps_per_second":11.8459724629,"seconds_per_step":0.084416877,"seconds_per_step_per_atom":0.0002153492},{"material_id":"mp-570703","formula":"Al64Ca32Cl256","method":"CHGNet","natoms":352,"total_time_seconds":3401.735861,"total_steps":49970,"target_steps":50000,"steps_per_second":14.689559108,"seconds_per_step":0.0680755626,"seconds_per_step_per_atom":0.0001933965},{"material_id":"mp-768918","formula":"Ce16Cl64O256","method":"CHGNet","natoms":336,"total_time_seconds":3.892605,"total_steps":20,"target_steps":50000,"steps_per_second":5.1379474671,"seconds_per_step":0.19463025,"seconds_per_step_per_atom":0.0005792567},{"material_id":"mp-1227157","formula":"Bi72Ca60Cl144O96","method":"CHGNet","natoms":372,"total_time_seconds":5710.75352,"total_steps":45410,"target_steps":50000,"steps_per_second":7.9516651946,"seconds_per_step":0.1257598221,"seconds_per_step_per_atom":0.000338064},{"material_id":"mp-28497","formula":"Cl128Cr32Cs64","method":"CHGNet","natoms":224,"total_time_seconds":2030.681024,"total_steps":47780,"target_steps":50000,"steps_per_second":23.529052291,"seconds_per_step":0.0425006493,"seconds_per_step_per_atom":0.000189735},{"material_id":"mp-559511","formula":"B224Cl32Cr96O416","method":"CHGNet","natoms":768,"total_time_seconds":987.766958,"total_steps":1040,"target_steps":50000,"steps_per_second":1.0528799243,"seconds_per_step":0.9497759212,"seconds_per_step_per_atom":0.0012366874},{"material_id":"mp-864635","formula":"Ag108Cl162","method":"CHGNet","natoms":270,"total_time_seconds":3292.862322,"total_steps":49990,"target_steps":50000,"steps_per_second":15.1813210246,"seconds_per_step":0.0658704205,"seconds_per_step_per_atom":0.0002439645},{"material_id":"mp-557856","formula":"B48Cl48F192O96","method":"CHGNet","natoms":384,"total_time_seconds":4766.225411,"total_steps":26960,"target_steps":50000,"steps_per_second":5.6564676815,"seconds_per_step":0.1767887764,"seconds_per_step_per_atom":0.0004603874},{"material_id":"mp-557103","formula":"B160Cl32O288Pb64","method":"CHGNet","natoms":544,"total_time_seconds":4136.943306,"total_steps":9910,"target_steps":50000,"steps_per_second":2.3954884723,"seconds_per_step":0.4174513931,"seconds_per_step_per_atom":0.0007673739},{"material_id":"mp-1101996","formula":"Ce144Cl216N72","method":"CHGNet","natoms":432,"total_time_seconds":5411.447408,"total_steps":49980,"target_steps":50000,"steps_per_second":9.2359762983,"seconds_per_step":0.1082722571,"seconds_per_step_per_atom":0.0002506302},{"material_id":"mp-1202595","formula":"Ca80Cl16O192V48","method":"CHGNet","natoms":336,"total_time_seconds":0.520588,"total_steps":10,"target_steps":50000,"steps_per_second":19.2090482301,"seconds_per_step":0.0520588,"seconds_per_step_per_atom":0.0001549369},{"material_id":"mp-23240","formula":"Cl150Co75","method":"CHGNet","natoms":225,"total_time_seconds":1365.848421,"total_steps":22070,"target_steps":50000,"steps_per_second":16.1584548188,"seconds_per_step":0.0618871056,"seconds_per_step_per_atom":0.0002750538},{"material_id":"mp-23084","formula":"Bi54Cl54O108Pb54","method":"CHGNet","natoms":270,"total_time_seconds":4711.566934,"total_steps":49980,"target_steps":50000,"steps_per_second":10.6079358948,"seconds_per_step":0.0942690463,"seconds_per_step_per_atom":0.0003491446},{"material_id":"mp-557347","formula":"As48Ca32Cl16O192Pb48","method":"CHGNet","natoms":336,"total_time_seconds":0.393155,"total_steps":10,"target_steps":50000,"steps_per_second":25.4352609022,"seconds_per_step":0.0393155,"seconds_per_step_per_atom":0.0001170104},{"material_id":"mp-558360","formula":"Al24As72Cl96S120","method":"CHGNet","natoms":312,"total_time_seconds":2844.113529,"total_steps":49990,"target_steps":50000,"steps_per_second":17.5766541983,"seconds_per_step":0.0568936493,"seconds_per_step_per_atom":0.0001823514},{"material_id":"mp-573751","formula":"Al48Cl336Te48","method":"CHGNet","natoms":432,"total_time_seconds":3322.693293,"total_steps":49990,"target_steps":50000,"steps_per_second":15.0450238983,"seconds_per_step":0.0664671593,"seconds_per_step_per_atom":0.0001538592},{"material_id":"mp-23063","formula":"Ba64Cl96O16","method":"CHGNet","natoms":176,"total_time_seconds":1963.190235,"total_steps":49980,"target_steps":50000,"steps_per_second":25.4585618393,"seconds_per_step":0.0392795165,"seconds_per_step_per_atom":0.0002231791},{"material_id":"mp-683984","formula":"Al64Cl256Se256","method":"CHGNet","natoms":576,"total_time_seconds":3729.53504,"total_steps":40010,"target_steps":50000,"steps_per_second":10.7278788296,"seconds_per_step":0.0932150722,"seconds_per_step_per_atom":0.0001618317},{"material_id":"mp-1193877","formula":"Bi72Cl240Te48","method":"CHGNet","natoms":360,"total_time_seconds":3398.749623,"total_steps":49990,"target_steps":50000,"steps_per_second":14.7083502891,"seconds_per_step":0.0679885902,"seconds_per_step_per_atom":0.0001888572},{"material_id":"mp-570974","formula":"Be128Cl256","method":"CHGNet","natoms":384,"total_time_seconds":4470.937219,"total_steps":49980,"target_steps":50000,"steps_per_second":11.178864196,"seconds_per_step":0.0894545262,"seconds_per_step_per_atom":0.0002329545},{"material_id":"mp-22952","formula":"Ce96Cl96O96","method":"CHGNet","natoms":288,"total_time_seconds":320.080766,"total_steps":3460,"target_steps":50000,"steps_per_second":10.8097716812,"seconds_per_step":0.0925088919,"seconds_per_step_per_atom":0.0003212114},{"material_id":"mp-27899","formula":"As48Cd144Cl144","method":"CHGNet","natoms":336,"total_time_seconds":3467.159058,"total_steps":49990,"target_steps":50000,"steps_per_second":14.4181444127,"seconds_per_step":0.0693570526,"seconds_per_step_per_atom":0.0002064198},{"material_id":"mp-1194539","formula":"Ag48Al48Bi48Cl192S72","method":"CHGNet","natoms":408,"total_time_seconds":3958.006894,"total_steps":49980,"target_steps":50000,"steps_per_second":12.6275676972,"seconds_per_step":0.0791918146,"seconds_per_step_per_atom":0.0001940976},{"material_id":"mp-1214717","formula":"Ba48Cl16O240Re48Sr32","method":"CHGNet","natoms":384,"total_time_seconds":9707.807609,"total_steps":49970,"target_steps":50000,"steps_per_second":5.147403205,"seconds_per_step":0.1942727158,"seconds_per_step_per_atom":0.0005059185},{"material_id":"mp-558848","formula":"Ba64Cl32Mn32O224Si64","method":"CHGNet","natoms":416,"total_time_seconds":4820.642077,"total_steps":23180,"target_steps":50000,"steps_per_second":4.8084880872,"seconds_per_step":0.2079655771,"seconds_per_step_per_atom":0.0004999173},{"material_id":"mp-22922","formula":"Ag100Cl100","method":"CHGNet","natoms":200,"total_time_seconds":3029.498202,"total_steps":49990,"target_steps":50000,"steps_per_second":16.5010825776,"seconds_per_step":0.0606020845,"seconds_per_step_per_atom":0.0003030104},{"material_id":"mp-567414","formula":"Au48Bi48Cl288","method":"CHGNet","natoms":384,"total_time_seconds":3549.928434,"total_steps":48280,"target_steps":50000,"steps_per_second":13.6002741739,"seconds_per_step":0.0735279295,"seconds_per_step_per_atom":0.000191479},{"material_id":"mp-23632","formula":"B64Ca128Cl64N128","method":"CHGNet","natoms":384,"total_time_seconds":5813.435585,"total_steps":40510,"target_steps":50000,"steps_per_second":6.9683407355,"seconds_per_step":0.1435061858,"seconds_per_step_per_atom":0.000373714},{"material_id":"mp-23280","formula":"As64Cl192","method":"CHGNet","natoms":256,"total_time_seconds":886.146744,"total_steps":20070,"target_steps":50000,"steps_per_second":22.6486190192,"seconds_per_step":0.0441528024,"seconds_per_step_per_atom":0.0001724719},{"material_id":"mp-29342","formula":"Ca81Cl81P27","method":"CHGNet","natoms":189,"total_time_seconds":2747.037381,"total_steps":49990,"target_steps":50000,"steps_per_second":18.1977865848,"seconds_per_step":0.054951738,"seconds_per_step_per_atom":0.0002907499},{"material_id":"mp-561350","formula":"Al64Bi64Cl256S64","method":"CHGNet","natoms":448,"total_time_seconds":3756.770123,"total_steps":49980,"target_steps":50000,"steps_per_second":13.3039814425,"seconds_per_step":0.0751654686,"seconds_per_step_per_atom":0.0001677801},{"material_id":"mp-567734","formula":"Al32As96Cl128Se128","method":"CHGNet","natoms":384,"total_time_seconds":3526.075231,"total_steps":49990,"target_steps":50000,"steps_per_second":14.1772358004,"seconds_per_step":0.0705356117,"seconds_per_step_per_atom":0.0001836865},{"material_id":"mp-1078814","formula":"C256Ce256Cl128","method":"CHGNet","natoms":640,"total_time_seconds":2006.010839,"total_steps":7530,"target_steps":50000,"steps_per_second":3.7537185012,"seconds_per_step":0.2664025019,"seconds_per_step_per_atom":0.0004162539},{"material_id":"mp-560328","formula":"Ag60Cl12P16S64","method":"CHGNet","natoms":152,"total_time_seconds":2472.447739,"total_steps":49990,"target_steps":50000,"steps_per_second":20.2188297902,"seconds_per_step":0.0494588465,"seconds_per_step_per_atom":0.0003253871},{"material_id":"mp-570340","formula":"Ag48Au48Cl192","method":"CHGNet","natoms":288,"total_time_seconds":2882.918864,"total_steps":45910,"target_steps":50000,"steps_per_second":15.924832493,"seconds_per_step":0.062795009,"seconds_per_step_per_atom":0.0002180382},{"material_id":"mp-582011","formula":"Ce72Cl216","method":"CHGNet","natoms":288,"total_time_seconds":3272.598247,"total_steps":49990,"target_steps":50000,"steps_per_second":15.2753244447,"seconds_per_step":0.065465058,"seconds_per_step_per_atom":0.0002273092},{"material_id":"mp-992141","formula":"Br32Cl192Cs64I32","method":"CHGNet","natoms":320,"total_time_seconds":2170.965042,"total_steps":43540,"target_steps":50000,"steps_per_second":20.0555970076,"seconds_per_step":0.0498613928,"seconds_per_step_per_atom":0.0001558169},{"material_id":"mp-1190390","formula":"Ba54Cl108O432","method":"CHGNet","natoms":594,"total_time_seconds":86.391287,"total_steps":30,"target_steps":50000,"steps_per_second":0.3472572413,"seconds_per_step":2.8797095667,"seconds_per_step_per_atom":0.0048479959},{"material_id":"mp-559378","formula":"Ba120Cl48O216Ta48","method":"CHGNet","natoms":432,"total_time_seconds":6893.920498,"total_steps":36800,"target_steps":50000,"steps_per_second":5.3380366093,"seconds_per_step":0.1873347961,"seconds_per_step_per_atom":0.0004336454},{"material_id":"mp-683967","formula":"Cd28Cl32O68Te28","method":"CHGNet","natoms":156,"total_time_seconds":3210.721307,"total_steps":49990,"target_steps":50000,"steps_per_second":15.5697101119,"seconds_per_step":0.0642272716,"seconds_per_step_per_atom":0.0004117133},{"material_id":"mp-672352","formula":"Al48Cl288I144","method":"CHGNet","natoms":480,"total_time_seconds":40.540151,"total_steps":240,"target_steps":50000,"steps_per_second":5.9200568839,"seconds_per_step":0.1689172958,"seconds_per_step_per_atom":0.000351911},{"material_id":"mp-560085","formula":"Bi384Cl160O496","method":"CHGNet","natoms":1040,"total_time_seconds":45.608332,"total_steps":50,"target_steps":50000,"steps_per_second":1.0962909146,"seconds_per_step":0.91216664,"seconds_per_step_per_atom":0.0008770833},{"material_id":"mp-1213722","formula":"Cl120Cs48Ho24","method":"CHGNet","natoms":192,"total_time_seconds":1860.29586,"total_steps":49990,"target_steps":50000,"steps_per_second":26.8720696933,"seconds_per_step":0.0372133599,"seconds_per_step_per_atom":0.0001938196},{"material_id":"mp-27265","formula":"Au72Cl72O72","method":"CHGNet","natoms":216,"total_time_seconds":3266.954581,"total_steps":49990,"target_steps":50000,"steps_per_second":15.3017125768,"seconds_per_step":0.0653521621,"seconds_per_step_per_atom":0.0003025563},{"material_id":"mp-1227232","formula":"Al112Ca96Cl16O256","method":"CHGNet","natoms":480,"total_time_seconds":5892.050255,"total_steps":21050,"target_steps":50000,"steps_per_second":3.5726103969,"seconds_per_step":0.2799073755,"seconds_per_step_per_atom":0.0005831404},{"material_id":"mp-1207104","formula":"Cl192Cs64Ho32K32","method":"CHGNet","natoms":320,"total_time_seconds":2181.196594,"total_steps":44240,"target_steps":50000,"steps_per_second":20.282445022,"seconds_per_step":0.0493037205,"seconds_per_step_per_atom":0.0001540741},{"material_id":"mp-1213982","formula":"Cd36Cl288Ga72","method":"CHGNet","natoms":396,"total_time_seconds":3461.429082,"total_steps":49990,"target_steps":50000,"steps_per_second":14.442011902,"seconds_per_step":0.0692424301,"seconds_per_step_per_atom":0.0001748546},{"material_id":"mp-998787","formula":"Ca48Cl144Tl48","method":"CHGNet","natoms":240,"total_time_seconds":2341.625706,"total_steps":48630,"target_steps":50000,"steps_per_second":20.7676230558,"seconds_per_step":0.0481518755,"seconds_per_step_per_atom":0.0002006328},{"material_id":"mp-1112940","formula":"Ag32Cl192Cs64Sb32","method":"CHGNet","natoms":320,"total_time_seconds":2934.251973,"total_steps":46420,"target_steps":50000,"steps_per_second":15.820045595,"seconds_per_step":0.063210943,"seconds_per_step_per_atom":0.0001975342},{"material_id":"mp-22936","formula":"Ca180Cl90N90","method":"CHGNet","natoms":360,"total_time_seconds":3574.28522,"total_steps":28850,"target_steps":50000,"steps_per_second":8.071543882,"seconds_per_step":0.1238920354,"seconds_per_step_per_atom":0.0003441445},{"material_id":"mp-22848","formula":"Cl160","method":"CHGNet","natoms":160,"total_time_seconds":2244.195387,"total_steps":1290,"target_steps":50000,"steps_per_second":0.5748162604,"seconds_per_step":1.7396863465,"seconds_per_step_per_atom":0.0108730397},{"material_id":"mp-582968","formula":"Bi96Cl112","method":"CHGNet","natoms":208,"total_time_seconds":2075.468656,"total_steps":49990,"target_steps":50000,"steps_per_second":24.0861262132,"seconds_per_step":0.0415176767,"seconds_per_step_per_atom":0.0001996042},{"material_id":"mp-23432","formula":"Ba96Cl96F96","method":"CHGNet","natoms":288,"total_time_seconds":3634.955832,"total_steps":49980,"target_steps":50000,"steps_per_second":13.7498231918,"seconds_per_step":0.0727282079,"seconds_per_step_per_atom":0.0002525285},{"material_id":"mp-27863","formula":"Al100Cl100O100","method":"CHGNet","natoms":300,"total_time_seconds":3425.593761,"total_steps":22000,"target_steps":50000,"steps_per_second":6.4222442983,"seconds_per_step":0.1557088073,"seconds_per_step_per_atom":0.0005190294},{"material_id":"mp-560883","formula":"Ba80Cl16Mn48O192","method":"CHGNet","natoms":336,"total_time_seconds":3563.094099,"total_steps":25880,"target_steps":50000,"steps_per_second":7.2633501336,"seconds_per_step":0.1376775154,"seconds_per_step_per_atom":0.0004097545}]
|
mlip_arena/tasks/stability/mace-mp/chloride-salts.json
CHANGED
@@ -1 +1 @@
|
|
1 |
-
[{"material_id":"mp-553919","formula":"Ag162Cl27F81Mo54O189","method":"MACE-MP(M)","natoms":513,"total_time_seconds":50.711128,"total_steps":210,"steps_per_second":4.1411029153,"seconds_per_step":0.2414815619,"seconds_per_step_per_atom":0.0004707243},{"material_id":"mp-567334","formula":"Ag64B384Cl384","method":"MACE-MP(M)","natoms":832,"total_time_seconds":3578.503151,"total_steps":40470,"steps_per_second":11.3091978105,"seconds_per_step":0.0884236015,"seconds_per_step_per_atom":0.0001062784},{"material_id":"mp-30273","formula":"Ac96Cl96O96","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1974.313713,"total_steps":49990,"steps_per_second":25.3201908445,"seconds_per_step":0.0394941731,"seconds_per_step_per_atom":0.0001371325},{"material_id":"mp-573465","formula":"Ag320Cl64Te128","method":"MACE-MP(M)","natoms":512,"total_time_seconds":2951.833216,"total_steps":49990,"steps_per_second":16.9352386609,"seconds_per_step":0.059048474,"seconds_per_step_per_atom":0.0001153291},{"material_id":"mp-27971","formula":"Ac48Cl144","method":"MACE-MP(M)","natoms":192,"total_time_seconds":1228.139194,"total_steps":49990,"steps_per_second":40.7038552668,"seconds_per_step":0.0245676974,"seconds_per_step_per_atom":0.0001279568},{"material_id":"mp-864635","formula":"Ag108Cl162","method":"MACE-MP(M)","natoms":270,"total_time_seconds":1579.32538,"total_steps":49990,"steps_per_second":31.6527554316,"seconds_per_step":0.0315928262,"seconds_per_step_per_atom":0.0001170105}]
|
|
|
1 |
+
[{"material_id":"mp-568662","formula":"Ba48Cl96","method":"MACE-MP(M)","natoms":144,"total_time_seconds":1088.287699,"total_steps":49990,"target_steps":50000,"steps_per_second":45.9345447403,"seconds_per_step":0.021770108,"seconds_per_step_per_atom":0.0001511813},{"material_id":"mp-1195508","formula":"Ba108Cl72N108Ta36","method":"MACE-MP(M)","natoms":324,"total_time_seconds":1945.103408,"total_steps":49990,"target_steps":50000,"steps_per_second":25.7004330949,"seconds_per_step":0.0389098501,"seconds_per_step_per_atom":0.0001200921},{"material_id":"mp-25469","formula":"Al54Cl162","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1231.475145,"total_steps":49990,"target_steps":50000,"steps_per_second":40.5935923295,"seconds_per_step":0.0246344298,"seconds_per_step_per_atom":0.0001140483},{"material_id":"mp-558595","formula":"Ba54Cl18O108Ru27","method":"MACE-MP(M)","natoms":207,"total_time_seconds":1643.604185,"total_steps":49990,"target_steps":50000,"steps_per_second":30.4148653649,"seconds_per_step":0.0328786594,"seconds_per_step_per_atom":0.0001588341},{"material_id":"mp-29084","formula":"Ba48Cl168Gd24","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1462.528703,"total_steps":49990,"target_steps":50000,"steps_per_second":34.1805257548,"seconds_per_step":0.0292564253,"seconds_per_step_per_atom":0.0001219018},{"material_id":"mp-680695","formula":"B48Ce72Cl72O144","method":"MACE-MP(M)","natoms":336,"total_time_seconds":1313.521422,"total_steps":27030,"target_steps":50000,"steps_per_second":20.5782711628,"seconds_per_step":0.0485949472,"seconds_per_step_per_atom":0.0001446278},{"material_id":"mp-1195274","formula":"Bi192Cl32Rh48","method":"MACE-MP(M)","natoms":272,"total_time_seconds":75.729607,"total_steps":520,"target_steps":50000,"steps_per_second":6.8665350396,"seconds_per_step":0.1456338596,"seconds_per_step_per_atom":0.0005354186},{"material_id":"mp-23444","formula":"As48Cl96F144","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1801.653205,"total_steps":49980,"target_steps":50000,"steps_per_second":27.7411878497,"seconds_per_step":0.0360474831,"seconds_per_step_per_atom":0.0001251649},{"material_id":"mp-1214153","formula":"Ca32Cl16O192P48Pb48","method":"MACE-MP(M)","natoms":336,"total_time_seconds":30.088897,"total_steps":170,"target_steps":50000,"steps_per_second":5.6499246217,"seconds_per_step":0.1769935118,"seconds_per_step_per_atom":0.0005267664},{"material_id":"mp-561099","formula":"Ba64Cl16O288Os96","method":"MACE-MP(M)","natoms":464,"total_time_seconds":3456.320287,"total_steps":49990,"target_steps":50000,"steps_per_second":14.4633586731,"seconds_per_step":0.0691402338,"seconds_per_step_per_atom":0.0001490091},{"material_id":"mp-30278","formula":"Ce96Cl32Ga128","method":"MACE-MP(M)","natoms":256,"total_time_seconds":829.051038,"total_steps":23170,"target_steps":50000,"steps_per_second":27.9476159344,"seconds_per_step":0.0357812274,"seconds_per_step_per_atom":0.0001397704},{"material_id":"mp-555736","formula":"Ba64Cl128Hg128O128","method":"MACE-MP(M)","natoms":448,"total_time_seconds":2580.067027,"total_steps":49980,"target_steps":50000,"steps_per_second":19.3715897599,"seconds_per_step":0.0516219893,"seconds_per_step_per_atom":0.0001152277},{"material_id":"mp-570453","formula":"Ba96Cl48N96W24","method":"MACE-MP(M)","natoms":264,"total_time_seconds":1600.456093,"total_steps":49990,"target_steps":50000,"steps_per_second":31.2348462533,"seconds_per_step":0.032015525,"seconds_per_step_per_atom":0.0001212709},{"material_id":"mp-29297","formula":"Cd162Cl108O108","method":"MACE-MP(M)","natoms":378,"total_time_seconds":1391.734528,"total_steps":28280,"target_steps":50000,"steps_per_second":20.3199672287,"seconds_per_step":0.0492126778,"seconds_per_step_per_atom":0.0001301923},{"material_id":"mp-570417","formula":"Bi96Cl160Pt16","method":"MACE-MP(M)","natoms":272,"total_time_seconds":1399.884908,"total_steps":47610,"target_steps":50000,"steps_per_second":34.0099387656,"seconds_per_step":0.0294031697,"seconds_per_step_per_atom":0.0001080999},{"material_id":"mp-1012551","formula":"Ba64Br64Cl64","method":"MACE-MP(M)","natoms":192,"total_time_seconds":1193.007601,"total_steps":49990,"target_steps":50000,"steps_per_second":41.902499161,"seconds_per_step":0.023864925,"seconds_per_step_per_atom":0.0001242965},{"material_id":"mp-1229155","formula":"Ag96Br24Cl72Hg96S96","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2155.34141,"total_steps":49990,"target_steps":50000,"steps_per_second":23.1935412961,"seconds_per_step":0.0431154513,"seconds_per_step_per_atom":0.0001122798},{"material_id":"mp-556094","formula":"Ag48Bi48Cl96S48","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1543.08223,"total_steps":49990,"target_steps":50000,"steps_per_second":32.3961996504,"seconds_per_step":0.0308678182,"seconds_per_step_per_atom":0.0001286159},{"material_id":"mp-782047","formula":"Ca72Cl264La40","method":"MACE-MP(M)","natoms":376,"total_time_seconds":1419.722043,"total_steps":34750,"target_steps":50000,"steps_per_second":24.4766221468,"seconds_per_step":0.0408553106,"seconds_per_step_per_atom":0.0001086577},{"material_id":"mp-568540","formula":"Ag135Cl135Hg108P216","method":"MACE-MP(M)","natoms":594,"total_time_seconds":817.590517,"total_steps":340,"target_steps":50000,"steps_per_second":0.4158560954,"seconds_per_step":2.4046779912,"seconds_per_step_per_atom":0.0040482794},{"material_id":"mp-558195","formula":"B72Ba72Cl36Ho36O216","method":"MACE-MP(M)","natoms":432,"total_time_seconds":2122.327075,"total_steps":34170,"target_steps":50000,"steps_per_second":16.1002516542,"seconds_per_step":0.0621108304,"seconds_per_step_per_atom":0.0001437751},{"material_id":"mp-672273","formula":"Al32Bi32Cl192","method":"MACE-MP(M)","natoms":256,"total_time_seconds":1509.475771,"total_steps":45530,"target_steps":50000,"steps_per_second":30.1627895424,"seconds_per_step":0.0331534323,"seconds_per_step_per_atom":0.0001295056},{"material_id":"mp-568923","formula":"B96Ba192Cl96N192","method":"MACE-MP(M)","natoms":576,"total_time_seconds":3353.789768,"total_steps":49990,"target_steps":50000,"steps_per_second":14.9055258254,"seconds_per_step":0.0670892132,"seconds_per_step_per_atom":0.0001164743},{"material_id":"mp-27546","formula":"Ca96Cl96F96","method":"MACE-MP(M)","natoms":288,"total_time_seconds":161.361102,"total_steps":3900,"target_steps":50000,"steps_per_second":24.169393687,"seconds_per_step":0.0413746415,"seconds_per_step_per_atom":0.0001436619},{"material_id":"mp-27869","formula":"Ba64Cl32P32","method":"MACE-MP(M)","natoms":128,"total_time_seconds":1054.678869,"total_steps":49980,"target_steps":50000,"steps_per_second":47.3888322494,"seconds_per_step":0.0211020182,"seconds_per_step_per_atom":0.0001648595},{"material_id":"mp-545500","formula":"Ba96Cl96O192Sb96","method":"MACE-MP(M)","natoms":480,"total_time_seconds":2866.090179,"total_steps":49990,"target_steps":50000,"steps_per_second":17.4418796611,"seconds_per_step":0.0573332702,"seconds_per_step_per_atom":0.0001194443},{"material_id":"mp-22908","formula":"Bi48Cl144","method":"MACE-MP(M)","natoms":192,"total_time_seconds":1153.299678,"total_steps":49990,"target_steps":50000,"steps_per_second":43.3451954887,"seconds_per_step":0.0230706077,"seconds_per_step_per_atom":0.0001201594},{"material_id":"mp-1102961","formula":"Al36Cd36Cl144","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1246.720837,"total_steps":48320,"target_steps":50000,"steps_per_second":38.7576741849,"seconds_per_step":0.0258013418,"seconds_per_step_per_atom":0.0001194507},{"material_id":"mp-567716","formula":"Al48Cl192Tl48","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1461.462154,"total_steps":49990,"target_steps":50000,"steps_per_second":34.2054700925,"seconds_per_step":0.0292350901,"seconds_per_step_per_atom":0.0001015107},{"material_id":"mp-23184","formula":"B54Cl162","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1270.40714,"total_steps":49990,"target_steps":50000,"steps_per_second":39.3495899275,"seconds_per_step":0.0254132254,"seconds_per_step_per_atom":0.0001176538},{"material_id":"mp-28069","formula":"As27Ca81Cl81","method":"MACE-MP(M)","natoms":189,"total_time_seconds":1272.918182,"total_steps":49990,"target_steps":50000,"steps_per_second":39.2719663423,"seconds_per_step":0.0254634563,"seconds_per_step_per_atom":0.0001347273},{"material_id":"mp-556761","formula":"As48Ba80Cl16O192","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2225.386039,"total_steps":49980,"target_steps":50000,"steps_per_second":22.4590246924,"seconds_per_step":0.044525531,"seconds_per_step_per_atom":0.0001325165},{"material_id":"mp-574529","formula":"Al64Cl256Se128","method":"MACE-MP(M)","natoms":448,"total_time_seconds":2029.808962,"total_steps":47420,"target_steps":50000,"steps_per_second":23.3618044298,"seconds_per_step":0.0428049127,"seconds_per_step_per_atom":0.0000955467},{"material_id":"mp-557417","formula":"As48Cl72F120O24","method":"MACE-MP(M)","natoms":264,"total_time_seconds":1581.431482,"total_steps":49990,"target_steps":50000,"steps_per_second":31.6106012616,"seconds_per_step":0.0316349566,"seconds_per_step_per_atom":0.0001198294},{"material_id":"mp-1214272","formula":"As128Cd256Cl192","method":"MACE-MP(M)","natoms":576,"total_time_seconds":1495.679328,"total_steps":26740,"target_steps":50000,"steps_per_second":17.8781637878,"seconds_per_step":0.0559341559,"seconds_per_step_per_atom":0.0000971079},{"material_id":"mp-569812","formula":"Ba48Cl48N144","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1668.535576,"total_steps":49990,"target_steps":50000,"steps_per_second":29.9604040328,"seconds_per_step":0.033377387,"seconds_per_step_per_atom":0.0001390724},{"material_id":"mp-568443","formula":"Al32Cl128V16","method":"MACE-MP(M)","natoms":176,"total_time_seconds":1156.489514,"total_steps":49990,"target_steps":50000,"steps_per_second":43.2256405223,"seconds_per_step":0.0231344172,"seconds_per_step_per_atom":0.0001314456},{"material_id":"mp-28361","formula":"Al72Cd36Cl288","method":"MACE-MP(M)","natoms":396,"total_time_seconds":1966.350494,"total_steps":49990,"target_steps":50000,"steps_per_second":25.4227311726,"seconds_per_step":0.0393348769,"seconds_per_step_per_atom":0.0000993305},{"material_id":"mp-569892","formula":"C64B32Ca144Cl128","method":"MACE-MP(M)","natoms":368,"total_time_seconds":276.824643,"total_steps":380,"target_steps":50000,"steps_per_second":1.3727101601,"seconds_per_step":0.7284859026,"seconds_per_step_per_atom":0.0019795813},{"material_id":"mp-23398","formula":"B48Cl48F288","method":"MACE-MP(M)","natoms":384,"total_time_seconds":1984.198978,"total_steps":49990,"target_steps":50000,"steps_per_second":25.1940458363,"seconds_per_step":0.0396919179,"seconds_per_step_per_atom":0.0001033644},{"material_id":"mp-553025","formula":"Bi48Ca48Cl48O96","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1527.352181,"total_steps":45430,"target_steps":50000,"steps_per_second":29.7442859382,"seconds_per_step":0.0336199027,"seconds_per_step_per_atom":0.0001400829},{"material_id":"mp-1214746","formula":"Ba48Cl168Dy24","method":"MACE-MP(M)","natoms":240,"total_time_seconds":505.611045,"total_steps":15950,"target_steps":50000,"steps_per_second":31.5459880826,"seconds_per_step":0.031699752,"seconds_per_step_per_atom":0.0001320823},{"material_id":"mp-22993","formula":"Ag64Cl64O256","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2213.94759,"total_steps":35140,"target_steps":50000,"steps_per_second":15.8721011097,"seconds_per_step":0.0630036309,"seconds_per_step_per_atom":0.000164072},{"material_id":"mp-554706","formula":"As32Cl96F192Se32","method":"MACE-MP(M)","natoms":352,"total_time_seconds":2310.418375,"total_steps":49990,"target_steps":50000,"steps_per_second":21.6367739025,"seconds_per_step":0.046217611,"seconds_per_step_per_atom":0.0001313},{"material_id":"mp-566301","formula":"As48Cl16O192Pb80","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2334.004155,"total_steps":49990,"target_steps":50000,"steps_per_second":21.4181281095,"seconds_per_step":0.046689421,"seconds_per_step_per_atom":0.0001389566},{"material_id":"mp-569563","formula":"Ba24Be8Cl144Zr48","method":"MACE-MP(M)","natoms":224,"total_time_seconds":205.058773,"total_steps":7190,"target_steps":50000,"steps_per_second":35.0631182212,"seconds_per_step":0.0285199962,"seconds_per_step_per_atom":0.0001273214},{"material_id":"mp-554501","formula":"Ba80Cl16O240Os48","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2605.563771,"total_steps":49980,"target_steps":50000,"steps_per_second":19.1820290704,"seconds_per_step":0.0521321283,"seconds_per_step_per_atom":0.0001357608},{"material_id":"mp-555805","formula":"Al36Cl252S36","method":"MACE-MP(M)","natoms":324,"total_time_seconds":1071.401127,"total_steps":31780,"target_steps":50000,"steps_per_second":29.6620931219,"seconds_per_step":0.0337130625,"seconds_per_step_per_atom":0.0001040527},{"material_id":"mp-1194911","formula":"Ba96Cl32O320P96","method":"MACE-MP(M)","natoms":544,"total_time_seconds":3854.757835,"total_steps":49980,"target_steps":50000,"steps_per_second":12.9657950355,"seconds_per_step":0.0771260071,"seconds_per_step_per_atom":0.0001417757},{"material_id":"mp-1198976","formula":"Ba96Cl32Ga32S128","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1597.598015,"total_steps":49990,"target_steps":50000,"steps_per_second":31.2907249074,"seconds_per_step":0.031958352,"seconds_per_step_per_atom":0.0001109665},{"material_id":"mp-558663","formula":"Ca36Cl36Cu18O180Te72","method":"MACE-MP(M)","natoms":342,"total_time_seconds":1580.445828,"total_steps":31130,"target_steps":50000,"steps_per_second":19.696973758,"seconds_per_step":0.0507692203,"seconds_per_step_per_atom":0.000148448},{"material_id":"mp-552806","formula":"Ba72Bi72Cl72O144","method":"MACE-MP(M)","natoms":360,"total_time_seconds":2253.550061,"total_steps":49990,"target_steps":50000,"steps_per_second":22.1827776827,"seconds_per_step":0.0450800172,"seconds_per_step_per_atom":0.0001252223},{"material_id":"mp-23373","formula":"Ba48Cl192Zn48","method":"MACE-MP(M)","natoms":288,"total_time_seconds":339.060222,"total_steps":10570,"target_steps":50000,"steps_per_second":31.1744029944,"seconds_per_step":0.0320775991,"seconds_per_step_per_atom":0.0001113806},{"material_id":"mp-559141","formula":"Ba120Cl24Cu96F408","method":"MACE-MP(M)","natoms":648,"total_time_seconds":20.48597,"total_steps":80,"target_steps":50000,"steps_per_second":3.9051116447,"seconds_per_step":0.256074625,"seconds_per_step_per_atom":0.0003951769},{"material_id":"mp-553919","formula":"Ag162Cl27F81Mo54O189","method":"MACE-MP(M)","natoms":513,"total_time_seconds":50.606764,"total_steps":210,"target_steps":50000,"steps_per_second":4.1496429213,"seconds_per_step":0.2409845905,"seconds_per_step_per_atom":0.0004697555},{"material_id":"mp-1214988","formula":"Ag16Cl208Mo96","method":"MACE-MP(M)","natoms":320,"total_time_seconds":225.956764,"total_steps":6660,"target_steps":50000,"steps_per_second":29.4746653391,"seconds_per_step":0.033927442,"seconds_per_step_per_atom":0.0001060233},{"material_id":"mp-567334","formula":"Ag64B384Cl384","method":"MACE-MP(M)","natoms":832,"total_time_seconds":3442.945819,"total_steps":40790,"target_steps":50000,"steps_per_second":11.8474126938,"seconds_per_step":0.0844066148,"seconds_per_step_per_atom":0.0001014503},{"material_id":"mp-558243","formula":"Ba64Cl32In32O96","method":"MACE-MP(M)","natoms":224,"total_time_seconds":1702.097388,"total_steps":49990,"target_steps":50000,"steps_per_second":29.369647326,"seconds_per_step":0.0340487575,"seconds_per_step_per_atom":0.0001520034},{"material_id":"mp-29746","formula":"Cd256Cl192P128","method":"MACE-MP(M)","natoms":576,"total_time_seconds":1595.214936,"total_steps":27870,"target_steps":50000,"steps_per_second":17.4709999079,"seconds_per_step":0.0572377085,"seconds_per_step_per_atom":0.000099371},{"material_id":"mp-866310","formula":"B72Ba72Cl36O216Y36","method":"MACE-MP(M)","natoms":432,"total_time_seconds":3064.356207,"total_steps":49990,"target_steps":50000,"steps_per_second":16.3133776308,"seconds_per_step":0.061299384,"seconds_per_step_per_atom":0.0001418967},{"material_id":"mp-638061","formula":"Al48Cl192In48","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1598.599379,"total_steps":49990,"target_steps":50000,"steps_per_second":31.2711243709,"seconds_per_step":0.0319783833,"seconds_per_step_per_atom":0.0001110361},{"material_id":"mp-649453","formula":"C32B32Ca96Cl64N32","method":"MACE-MP(M)","natoms":256,"total_time_seconds":1616.879943,"total_steps":43460,"target_steps":50000,"steps_per_second":26.8789282644,"seconds_per_step":0.0372038643,"seconds_per_step_per_atom":0.0001453276},{"material_id":"mp-567743","formula":"Al32Cl128Sb64Te64","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1501.996826,"total_steps":49990,"target_steps":50000,"steps_per_second":33.2823606113,"seconds_per_step":0.0300459457,"seconds_per_step_per_atom":0.0001043262},{"material_id":"mp-560633","formula":"Al64Cl192O32Sn32","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1682.812294,"total_steps":49990,"target_steps":50000,"steps_per_second":29.7062246207,"seconds_per_step":0.0336629785,"seconds_per_step_per_atom":0.0001051968},{"material_id":"mp-568001","formula":"Al32Cl128Hg64Sb32","method":"MACE-MP(M)","natoms":256,"total_time_seconds":1424.059077,"total_steps":49990,"target_steps":50000,"steps_per_second":35.103880736,"seconds_per_step":0.0284868789,"seconds_per_step_per_atom":0.0001112769},{"material_id":"mp-1229338","formula":"Ba52Ca8Cl12O180Re36","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1853.71163,"total_steps":40540,"target_steps":50000,"steps_per_second":21.8696367568,"seconds_per_step":0.0457254965,"seconds_per_step_per_atom":0.0001587691},{"material_id":"mp-558558","formula":"Ca96Cl64O160W32","method":"MACE-MP(M)","natoms":352,"total_time_seconds":360.86901,"total_steps":6790,"target_steps":50000,"steps_per_second":18.8156915996,"seconds_per_step":0.0531471296,"seconds_per_step_per_atom":0.0001509862},{"material_id":"mp-607454","formula":"C72Al24Cl144N72","method":"MACE-MP(M)","natoms":312,"total_time_seconds":2324.081511,"total_steps":49990,"target_steps":50000,"steps_per_second":21.5095726047,"seconds_per_step":0.0464909284,"seconds_per_step_per_atom":0.0001490094},{"material_id":"mp-29863","formula":"As48Cl144O48","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1521.531719,"total_steps":49990,"target_steps":50000,"steps_per_second":32.8550495371,"seconds_per_step":0.0304367217,"seconds_per_step_per_atom":0.0001268197},{"material_id":"mp-560833","formula":"B72Cl24O240Pb144","method":"MACE-MP(M)","natoms":480,"total_time_seconds":3367.99185,"total_steps":49990,"target_steps":50000,"steps_per_second":14.8426724964,"seconds_per_step":0.0673733117,"seconds_per_step_per_atom":0.0001403611},{"material_id":"mp-1194909","formula":"Al32Cl128Sb64Se64","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1551.52807,"total_steps":49990,"target_steps":50000,"steps_per_second":32.2198489132,"seconds_per_step":0.0310367688,"seconds_per_step_per_atom":0.0001077666},{"material_id":"mp-556855","formula":"Ba144Bi48Cl144O144","method":"MACE-MP(M)","natoms":480,"total_time_seconds":2499.850841,"total_steps":49990,"target_steps":50000,"steps_per_second":19.9971931045,"seconds_per_step":0.0500070182,"seconds_per_step_per_atom":0.0001041813},{"material_id":"mp-27935","formula":"Al36Cl216I36","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1371.334005,"total_steps":49990,"target_steps":50000,"steps_per_second":36.4535553102,"seconds_per_step":0.0274321665,"seconds_per_step_per_atom":0.0000952506},{"material_id":"mp-1228639","formula":"B72Ba72Cl36Lu36O216","method":"MACE-MP(M)","natoms":432,"total_time_seconds":3114.029284,"total_steps":49990,"target_steps":50000,"steps_per_second":16.0531566793,"seconds_per_step":0.0622930443,"seconds_per_step_per_atom":0.0001441969},{"material_id":"mp-583042","formula":"C144Ce144Cl90","method":"MACE-MP(M)","natoms":378,"total_time_seconds":1576.087374,"total_steps":31700,"target_steps":50000,"steps_per_second":20.1130981207,"seconds_per_step":0.0497188446,"seconds_per_step_per_atom":0.0001315313},{"material_id":"mp-542133","formula":"Ce48Cl16S128Si32","method":"MACE-MP(M)","natoms":224,"total_time_seconds":1523.030814,"total_steps":49990,"target_steps":50000,"steps_per_second":32.8227108345,"seconds_per_step":0.0304667096,"seconds_per_step_per_atom":0.0001360121},{"material_id":"mp-549711","formula":"Ca64Cl64Fe64O128","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1675.219308,"total_steps":35260,"target_steps":50000,"steps_per_second":21.0479904521,"seconds_per_step":0.0475104739,"seconds_per_step_per_atom":0.0001484702},{"material_id":"mp-560549","formula":"Au64Cl64O192Se64","method":"MACE-MP(M)","natoms":384,"total_time_seconds":1991.320214,"total_steps":39580,"target_steps":50000,"steps_per_second":19.8762608453,"seconds_per_step":0.0503112737,"seconds_per_step_per_atom":0.0001310189},{"material_id":"mp-554263","formula":"B108Ca216Cl108O324","method":"MACE-MP(M)","natoms":756,"total_time_seconds":382.829469,"total_steps":360,"target_steps":50000,"steps_per_second":0.9403664795,"seconds_per_step":1.0634151917,"seconds_per_step_per_atom":0.0014066339},{"material_id":"mp-637206","formula":"Al64Bi64Cl256Se64","method":"MACE-MP(M)","natoms":448,"total_time_seconds":2088.518375,"total_steps":49980,"target_steps":50000,"steps_per_second":23.9308404457,"seconds_per_step":0.0417870823,"seconds_per_step_per_atom":0.0000932747},{"material_id":"mp-683949","formula":"Al32Cl288N96P96","method":"MACE-MP(M)","natoms":512,"total_time_seconds":2491.695057,"total_steps":49990,"target_steps":50000,"steps_per_second":20.0626476581,"seconds_per_step":0.0498438699,"seconds_per_step_per_atom":0.0000973513},{"material_id":"mp-541656","formula":"Au108Cl216","method":"MACE-MP(M)","natoms":324,"total_time_seconds":1792.1033,"total_steps":49980,"target_steps":50000,"steps_per_second":27.8890173351,"seconds_per_step":0.0358564086,"seconds_per_step_per_atom":0.0001106679},{"material_id":"mp-1214997","formula":"C72Cl36N84","method":"MACE-MP(M)","natoms":192,"total_time_seconds":0.0,"total_steps":0,"target_steps":50000,"steps_per_second":null,"seconds_per_step":null,"seconds_per_step_per_atom":null},{"material_id":"mp-510724","formula":"As72Cl24O216Pb120","method":"MACE-MP(M)","natoms":432,"total_time_seconds":2657.953419,"total_steps":49980,"target_steps":50000,"steps_per_second":18.803941274,"seconds_per_step":0.0531803405,"seconds_per_step_per_atom":0.0001231026},{"material_id":"mp-30273","formula":"Ac96Cl96O96","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1901.898029,"total_steps":49990,"target_steps":50000,"steps_per_second":26.2842693129,"seconds_per_step":0.0380455697,"seconds_per_step_per_atom":0.0001321027},{"material_id":"mp-1004532","formula":"C64Cl256","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1671.324959,"total_steps":49990,"target_steps":50000,"steps_per_second":29.9104011645,"seconds_per_step":0.0334331858,"seconds_per_step_per_atom":0.0001044787},{"material_id":"mp-560330","formula":"Ba72Cl48Fe48O120","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1984.624995,"total_steps":49990,"target_steps":50000,"steps_per_second":25.1886377154,"seconds_per_step":0.03970044,"seconds_per_step_per_atom":0.0001378487},{"material_id":"mp-28944","formula":"Bi100Cl100Te100","method":"MACE-MP(M)","natoms":300,"total_time_seconds":1639.190614,"total_steps":49990,"target_steps":50000,"steps_per_second":30.4967583227,"seconds_per_step":0.0327903704,"seconds_per_step_per_atom":0.0001093012},{"material_id":"mp-23085","formula":"Ba54Cl54Cu81O108","method":"MACE-MP(M)","natoms":297,"total_time_seconds":1870.350965,"total_steps":44120,"target_steps":50000,"steps_per_second":23.5891556321,"seconds_per_step":0.0423923609,"seconds_per_step_per_atom":0.0001427352},{"material_id":"mp-569822","formula":"Bi32Cl480W192","method":"MACE-MP(M)","natoms":704,"total_time_seconds":3.23189,"total_steps":10,"target_steps":50000,"steps_per_second":3.0941647148,"seconds_per_step":0.323189,"seconds_per_step_per_atom":0.0004590753},{"material_id":"mp-551456","formula":"Ba80Cl40Cu40O80","method":"MACE-MP(M)","natoms":240,"total_time_seconds":276.014083,"total_steps":8780,"target_steps":50000,"steps_per_second":31.8099710876,"seconds_per_step":0.0314366837,"seconds_per_step_per_atom":0.0001309862},{"material_id":"mp-550553","formula":"Bi48Cd48Cl48O96","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1706.088172,"total_steps":49990,"target_steps":50000,"steps_per_second":29.3009475245,"seconds_per_step":0.0341285892,"seconds_per_step_per_atom":0.0001422025},{"material_id":"mp-1214684","formula":"Ba48Cl168Ho24","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1452.334891,"total_steps":49990,"target_steps":50000,"steps_per_second":34.4204358855,"seconds_per_step":0.0290525083,"seconds_per_step_per_atom":0.0001210521},{"material_id":"mp-23575","formula":"As32Cl96F192Se96","method":"MACE-MP(M)","natoms":416,"total_time_seconds":2384.315548,"total_steps":49990,"target_steps":50000,"steps_per_second":20.9661846319,"seconds_per_step":0.0476958501,"seconds_per_step_per_atom":0.0001146535},{"material_id":"mp-570053","formula":"As16Au16Bi128Cl144","method":"MACE-MP(M)","natoms":304,"total_time_seconds":23.670774,"total_steps":60,"target_steps":50000,"steps_per_second":2.5347713598,"seconds_per_step":0.3945129,"seconds_per_step_per_atom":0.0012977398},{"material_id":"mp-556647","formula":"Ba80Cl16O240Re48","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2687.425805,"total_steps":49990,"target_steps":50000,"steps_per_second":18.6014437708,"seconds_per_step":0.053759268,"seconds_per_step_per_atom":0.0001399981},{"material_id":"mp-27346","formula":"Al48Cl192Hg72","method":"MACE-MP(M)","natoms":312,"total_time_seconds":185.475592,"total_steps":220,"target_steps":50000,"steps_per_second":1.1861398992,"seconds_per_step":0.8430708727,"seconds_per_step_per_atom":0.0027021502},{"material_id":"mp-1194678","formula":"Bi64Cl32I32O256Te32","method":"MACE-MP(M)","natoms":416,"total_time_seconds":0.0,"total_steps":0,"target_steps":50000,"steps_per_second":null,"seconds_per_step":null,"seconds_per_step_per_atom":null},{"material_id":"mp-572634","formula":"Ag64Al128Cl320O64","method":"MACE-MP(M)","natoms":576,"total_time_seconds":2424.875162,"total_steps":43760,"target_steps":50000,"steps_per_second":18.0462898403,"seconds_per_step":0.0554130521,"seconds_per_step_per_atom":0.0000962032},{"material_id":"mp-30023","formula":"Al48Ba24Cl192","method":"MACE-MP(M)","natoms":264,"total_time_seconds":2155.514945,"total_steps":49990,"target_steps":50000,"steps_per_second":23.1916740433,"seconds_per_step":0.0431189227,"seconds_per_step_per_atom":0.0001633293},{"material_id":"mp-1201143","formula":"As24Cl24F192O24","method":"MACE-MP(M)","natoms":264,"total_time_seconds":1543.2037,"total_steps":49990,"target_steps":50000,"steps_per_second":32.3936496523,"seconds_per_step":0.030870248,"seconds_per_step_per_atom":0.0001169328},{"material_id":"mp-628665","formula":"Al64Bi64Cl256Te64","method":"MACE-MP(M)","natoms":448,"total_time_seconds":2043.340602,"total_steps":49890,"target_steps":50000,"steps_per_second":24.4159000957,"seconds_per_step":0.0409569173,"seconds_per_step_per_atom":0.0000914217},{"material_id":"mp-28192","formula":"Au32Cl160S32","method":"MACE-MP(M)","natoms":224,"total_time_seconds":1262.213828,"total_steps":46400,"target_steps":50000,"steps_per_second":36.7608078526,"seconds_per_step":0.0272028842,"seconds_per_step_per_atom":0.0001214414},{"material_id":"mp-28372","formula":"Au32Cl224Se32","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1413.583128,"total_steps":47590,"target_steps":50000,"steps_per_second":33.6662195929,"seconds_per_step":0.0297033647,"seconds_per_step_per_atom":0.0001031367},{"material_id":"mp-1204489","formula":"Al32Br32Cl128Sb64Te64","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1597.678834,"total_steps":49990,"target_steps":50000,"steps_per_second":31.2891420579,"seconds_per_step":0.0319599687,"seconds_per_step_per_atom":0.0000998749},{"material_id":"mp-556318","formula":"Cl64Cr128O224Si64","method":"MACE-MP(M)","natoms":480,"total_time_seconds":113.579728,"total_steps":520,"target_steps":50000,"steps_per_second":4.5782817863,"seconds_per_step":0.2184225538,"seconds_per_step_per_atom":0.000455047},{"material_id":"mp-558268","formula":"Ca64Cl32O336Pb96Si96","method":"MACE-MP(M)","natoms":624,"total_time_seconds":47.558774,"total_steps":220,"target_steps":50000,"steps_per_second":4.6258551577,"seconds_per_step":0.2161762455,"seconds_per_step_per_atom":0.0003464363},{"material_id":"mp-569635","formula":"Ba48Cl160In16Zn8","method":"MACE-MP(M)","natoms":232,"total_time_seconds":1382.243792,"total_steps":49990,"target_steps":50000,"steps_per_second":36.1658343407,"seconds_per_step":0.0276504059,"seconds_per_step_per_atom":0.0001191828},{"material_id":"mp-573465","formula":"Ag320Cl64Te128","method":"MACE-MP(M)","natoms":512,"total_time_seconds":2934.761075,"total_steps":49990,"target_steps":50000,"steps_per_second":17.0337546132,"seconds_per_step":0.0587069629,"seconds_per_step_per_atom":0.000114662},{"material_id":"mp-1198571","formula":"Ba64Cl272Eu56","method":"MACE-MP(M)","natoms":392,"total_time_seconds":2170.135546,"total_steps":49990,"target_steps":50000,"steps_per_second":23.0354274838,"seconds_per_step":0.0434113932,"seconds_per_step_per_atom":0.0001107433},{"material_id":"mp-555087","formula":"Ba80Cl96O64Si16","method":"MACE-MP(M)","natoms":256,"total_time_seconds":55.895853,"total_steps":350,"target_steps":50000,"steps_per_second":6.2616452065,"seconds_per_step":0.1597024371,"seconds_per_step_per_atom":0.0006238376},{"material_id":"mp-556418","formula":"Al36Cl108O72S36","method":"MACE-MP(M)","natoms":252,"total_time_seconds":1530.558814,"total_steps":49990,"target_steps":50000,"steps_per_second":32.6612734792,"seconds_per_step":0.0306172997,"seconds_per_step_per_atom":0.0001214972},{"material_id":"mp-505564","formula":"Bi64Cl224Se128","method":"MACE-MP(M)","natoms":416,"total_time_seconds":958.42287,"total_steps":24430,"target_steps":50000,"steps_per_second":25.4897924128,"seconds_per_step":0.0392313905,"seconds_per_step_per_atom":0.0000943062},{"material_id":"mp-27926","formula":"As32Cl32F256","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1681.481363,"total_steps":49990,"target_steps":50000,"steps_per_second":29.7297377777,"seconds_per_step":0.0336363545,"seconds_per_step_per_atom":0.0001051136},{"material_id":"mp-556587","formula":"Au32Cl224S32","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1556.592129,"total_steps":49990,"target_steps":50000,"steps_per_second":32.1150281237,"seconds_per_step":0.0311380702,"seconds_per_step_per_atom":0.0001081183},{"material_id":"mp-28020","formula":"Al36Cl144Cu36","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1381.868955,"total_steps":49990,"target_steps":50000,"steps_per_second":36.1756444554,"seconds_per_step":0.0276429077,"seconds_per_step_per_atom":0.0001279764},{"material_id":"mp-555742","formula":"B160Ba64Cl32O288","method":"MACE-MP(M)","natoms":544,"total_time_seconds":4206.283968,"total_steps":49980,"target_steps":50000,"steps_per_second":11.8822220231,"seconds_per_step":0.0841593431,"seconds_per_step_per_atom":0.0001547047},{"material_id":"mp-753945","formula":"Cl64F192O64","method":"MACE-MP(M)","natoms":320,"total_time_seconds":1693.885107,"total_steps":34660,"target_steps":50000,"steps_per_second":20.4618364355,"seconds_per_step":0.0488714688,"seconds_per_step_per_atom":0.0001527233},{"material_id":"mp-1198361","formula":"Al48Bi192Cl192","method":"MACE-MP(M)","natoms":432,"total_time_seconds":1988.743479,"total_steps":49990,"target_steps":50000,"steps_per_second":25.1364746273,"seconds_per_step":0.0397828261,"seconds_per_step_per_atom":0.0000920899},{"material_id":"mp-1196379","formula":"Ce48Cl48Mo48O192","method":"MACE-MP(M)","natoms":336,"total_time_seconds":1.70604,"total_steps":50,"target_steps":50000,"steps_per_second":29.3076363977,"seconds_per_step":0.0341208,"seconds_per_step_per_atom":0.00010155},{"material_id":"mp-559847","formula":"Ag135Cl54P27S108","method":"MACE-MP(M)","natoms":324,"total_time_seconds":2043.089457,"total_steps":49990,"target_steps":50000,"steps_per_second":24.4678468819,"seconds_per_step":0.0408699631,"seconds_per_step_per_atom":0.0001261419},{"material_id":"mp-561268","formula":"As72Cl24O144Pb48","method":"MACE-MP(M)","natoms":288,"total_time_seconds":2070.311047,"total_steps":49990,"target_steps":50000,"steps_per_second":24.1461301539,"seconds_per_step":0.0414145038,"seconds_per_step_per_atom":0.0001438004},{"material_id":"mp-23094","formula":"Ba80Cl16O192V48","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2307.01769,"total_steps":49990,"target_steps":50000,"steps_per_second":21.6686678289,"seconds_per_step":0.0461495837,"seconds_per_step_per_atom":0.00013735},{"material_id":"mp-720971","formula":"Al88Ca96Cl40O256Si24","method":"MACE-MP(M)","natoms":504,"total_time_seconds":1845.442345,"total_steps":20410,"target_steps":50000,"steps_per_second":11.0596790278,"seconds_per_step":0.0904185372,"seconds_per_step_per_atom":0.0001794019},{"material_id":"mp-32780","formula":"Au108Cl108","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1363.65613,"total_steps":49990,"target_steps":50000,"steps_per_second":36.6588019518,"seconds_per_step":0.0272785783,"seconds_per_step_per_atom":0.0001262897},{"material_id":"mp-1213763","formula":"Cl72F360","method":"MACE-MP(M)","natoms":432,"total_time_seconds":1845.589945,"total_steps":28720,"target_steps":50000,"steps_per_second":15.5614198472,"seconds_per_step":0.0642614883,"seconds_per_step_per_atom":0.0001487534},{"material_id":"mp-556705","formula":"As32Cl96F192S32","method":"MACE-MP(M)","natoms":352,"total_time_seconds":2403.560888,"total_steps":49980,"target_steps":50000,"steps_per_second":20.7941476538,"seconds_per_step":0.0480904539,"seconds_per_step_per_atom":0.0001366206},{"material_id":"mp-27647","formula":"Au72Cl216","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1462.526787,"total_steps":49990,"target_steps":50000,"steps_per_second":34.1805705334,"seconds_per_step":0.029256387,"seconds_per_step_per_atom":0.0001015847},{"material_id":"mp-30097","formula":"Bi32Cl128Te112","method":"MACE-MP(M)","natoms":272,"total_time_seconds":1497.762333,"total_steps":49990,"target_steps":50000,"steps_per_second":33.3764569308,"seconds_per_step":0.0299612389,"seconds_per_step_per_atom":0.0001101516},{"material_id":"mp-1103527","formula":"B48Ba48Cl48F192","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2341.624845,"total_steps":49970,"target_steps":50000,"steps_per_second":21.3398829051,"seconds_per_step":0.0468606133,"seconds_per_step_per_atom":0.0001394661},{"material_id":"mp-1201345","formula":"B48Ba80Cl16O144","method":"MACE-MP(M)","natoms":288,"total_time_seconds":2078.19278,"total_steps":49980,"target_steps":50000,"steps_per_second":24.0497419109,"seconds_per_step":0.0415804878,"seconds_per_step_per_atom":0.0001443767},{"material_id":"mp-1228175","formula":"Ba120Cl48Li24Mo48N168","method":"MACE-MP(M)","natoms":408,"total_time_seconds":72.642208,"total_steps":1460,"target_steps":50000,"steps_per_second":20.0985080189,"seconds_per_step":0.049754937,"seconds_per_step_per_atom":0.0001219484},{"material_id":"mp-651358","formula":"Ba48Cl168Er24","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1455.940339,"total_steps":49990,"target_steps":50000,"steps_per_second":34.3351981265,"seconds_per_step":0.0291246317,"seconds_per_step_per_atom":0.0001213526},{"material_id":"mp-22939","formula":"Bi150Cl150O150","method":"MACE-MP(M)","natoms":450,"total_time_seconds":1894.668697,"total_steps":35270,"target_steps":50000,"steps_per_second":18.6153917336,"seconds_per_step":0.0537189877,"seconds_per_step_per_atom":0.0001193755},{"material_id":"mp-567646","formula":"Ba72Cl272Sm48","method":"MACE-MP(M)","natoms":392,"total_time_seconds":2152.696524,"total_steps":49980,"target_steps":50000,"steps_per_second":23.2173924391,"seconds_per_step":0.0430711589,"seconds_per_step_per_atom":0.0001098754},{"material_id":"mp-568105","formula":"B16Ba32Cl272Zr96","method":"MACE-MP(M)","natoms":416,"total_time_seconds":712.828731,"total_steps":15710,"target_steps":50000,"steps_per_second":22.0389545438,"seconds_per_step":0.0453742031,"seconds_per_step_per_atom":0.0001090726},{"material_id":"mp-558349","formula":"Ba80Cl16O192P48","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2391.386417,"total_steps":49980,"target_steps":50000,"steps_per_second":20.9000099878,"seconds_per_step":0.0478468671,"seconds_per_step_per_atom":0.0001424014},{"material_id":"mp-553883","formula":"Ba162Cl108O270W54","method":"MACE-MP(M)","natoms":594,"total_time_seconds":40.723593,"total_steps":220,"target_steps":50000,"steps_per_second":5.4022738121,"seconds_per_step":0.1851072409,"seconds_per_step_per_atom":0.0003116284},{"material_id":"mp-679989","formula":"Bi32Cl480Mo192","method":"MACE-MP(M)","natoms":704,"total_time_seconds":6.426141,"total_steps":20,"target_steps":50000,"steps_per_second":3.1122877634,"seconds_per_step":0.32130705,"seconds_per_step_per_atom":0.0004564021},{"material_id":"mp-866304","formula":"B72Ba72Cl36Gd36O216","method":"MACE-MP(M)","natoms":432,"total_time_seconds":2915.449932,"total_steps":49990,"target_steps":50000,"steps_per_second":17.1465815452,"seconds_per_step":0.0583206628,"seconds_per_step_per_atom":0.0001350015},{"material_id":"mp-1228107","formula":"Ba72Cl72F144Mn24Zn12","method":"MACE-MP(M)","natoms":324,"total_time_seconds":2254.826817,"total_steps":49980,"target_steps":50000,"steps_per_second":22.1657821449,"seconds_per_step":0.0451145822,"seconds_per_step_per_atom":0.0001392425},{"material_id":"mp-559481","formula":"Ba48Cl48O144V48","method":"MACE-MP(M)","natoms":288,"total_time_seconds":2105.423574,"total_steps":49990,"target_steps":50000,"steps_per_second":23.7434408056,"seconds_per_step":0.0421168949,"seconds_per_step_per_atom":0.0001462392},{"material_id":"mp-540628","formula":"Al64Cl256Te128","method":"MACE-MP(M)","natoms":448,"total_time_seconds":1585.99326,"total_steps":39190,"target_steps":50000,"steps_per_second":24.710067179,"seconds_per_step":0.0404693355,"seconds_per_step_per_atom":0.0000903333},{"material_id":"mp-1205403","formula":"Al24Cl168Se24","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1187.092705,"total_steps":49990,"target_steps":50000,"steps_per_second":42.1112856557,"seconds_per_step":0.0237466034,"seconds_per_step_per_atom":0.000109938},{"material_id":"mp-27971","formula":"Ac48Cl144","method":"MACE-MP(M)","natoms":192,"total_time_seconds":1188.524071,"total_steps":49990,"target_steps":50000,"steps_per_second":42.0605700968,"seconds_per_step":0.0237752365,"seconds_per_step_per_atom":0.0001238294},{"material_id":"mp-554949","formula":"Ba72Cl24O144Pt12Ru24","method":"MACE-MP(M)","natoms":276,"total_time_seconds":2040.972373,"total_steps":49990,"target_steps":50000,"steps_per_second":24.49322718,"seconds_per_step":0.040827613,"seconds_per_step_per_atom":0.0001479261},{"material_id":"mp-540868","formula":"Ca144Cl96O192Si48","method":"MACE-MP(M)","natoms":480,"total_time_seconds":1943.09148,"total_steps":30560,"target_steps":50000,"steps_per_second":15.7275147951,"seconds_per_step":0.0635828364,"seconds_per_step_per_atom":0.0001324642},{"material_id":"mp-1018099","formula":"Ba80Cl40N40","method":"MACE-MP(M)","natoms":160,"total_time_seconds":718.85038,"total_steps":28310,"target_steps":50000,"steps_per_second":39.3823259856,"seconds_per_step":0.025392101,"seconds_per_step_per_atom":0.0001587006},{"material_id":"mp-1229199","formula":"Ba68Cl272Sm48Sr4","method":"MACE-MP(M)","natoms":392,"total_time_seconds":2192.416482,"total_steps":49990,"target_steps":50000,"steps_per_second":22.8013246618,"seconds_per_step":0.0438571011,"seconds_per_step_per_atom":0.0001118804},{"material_id":"mp-570703","formula":"Al64Ca32Cl256","method":"MACE-MP(M)","natoms":352,"total_time_seconds":188.413368,"total_steps":5180,"target_steps":50000,"steps_per_second":27.4927413855,"seconds_per_step":0.0363732371,"seconds_per_step_per_atom":0.0001033331},{"material_id":"mp-864635","formula":"Ag108Cl162","method":"MACE-MP(M)","natoms":270,"total_time_seconds":1531.874268,"total_steps":49990,"target_steps":50000,"steps_per_second":32.633226528,"seconds_per_step":0.0306436141,"seconds_per_step_per_atom":0.0001134949},{"material_id":"mp-557856","formula":"B48Cl48F192O96","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2054.638635,"total_steps":49990,"target_steps":50000,"steps_per_second":24.3303124688,"seconds_per_step":0.0411009929,"seconds_per_step_per_atom":0.0001070338},{"material_id":"mp-557103","formula":"B160Cl32O288Pb64","method":"MACE-MP(M)","natoms":544,"total_time_seconds":4298.986315,"total_steps":49970,"target_steps":50000,"steps_per_second":11.6236704047,"seconds_per_step":0.0860313451,"seconds_per_step_per_atom":0.0001581459},{"material_id":"mp-558360","formula":"Al24As72Cl96S120","method":"MACE-MP(M)","natoms":312,"total_time_seconds":498.20939,"total_steps":14980,"target_steps":50000,"steps_per_second":30.0676789733,"seconds_per_step":0.0332583037,"seconds_per_step_per_atom":0.0001065971},{"material_id":"mp-573751","formula":"Al48Cl336Te48","method":"MACE-MP(M)","natoms":432,"total_time_seconds":1992.738894,"total_steps":49990,"target_steps":50000,"steps_per_second":25.0860763297,"seconds_per_step":0.0398627504,"seconds_per_step_per_atom":0.0000922749},{"material_id":"mp-23063","formula":"Ba64Cl96O16","method":"MACE-MP(M)","natoms":176,"total_time_seconds":1173.13306,"total_steps":49980,"target_steps":50000,"steps_per_second":42.6038628559,"seconds_per_step":0.02347205,"seconds_per_step_per_atom":0.0001333639},{"material_id":"mp-680722","formula":"As32Cl64O272Pb224","method":"MACE-MP(M)","natoms":592,"total_time_seconds":154.557271,"total_steps":540,"target_steps":50000,"steps_per_second":3.4938505093,"seconds_per_step":0.2862171685,"seconds_per_step_per_atom":0.0004834749},{"material_id":"mp-683984","formula":"Al64Cl256Se256","method":"MACE-MP(M)","natoms":576,"total_time_seconds":2128.504809,"total_steps":41370,"target_steps":50000,"steps_per_second":19.4361787791,"seconds_per_step":0.0514504426,"seconds_per_step_per_atom":0.0000893237},{"material_id":"mp-570974","formula":"Be128Cl256","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2231.923668,"total_steps":49990,"target_steps":50000,"steps_per_second":22.3977193829,"seconds_per_step":0.0446474028,"seconds_per_step_per_atom":0.0001162693},{"material_id":"mp-1194539","formula":"Ag48Al48Bi48Cl192S72","method":"MACE-MP(M)","natoms":408,"total_time_seconds":2177.670027,"total_steps":49990,"target_steps":50000,"steps_per_second":22.9557276264,"seconds_per_step":0.043562113,"seconds_per_step_per_atom":0.0001067699},{"material_id":"mp-1214717","formula":"Ba48Cl16O240Re48Sr32","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2785.291983,"total_steps":49990,"target_steps":50000,"steps_per_second":17.9478490245,"seconds_per_step":0.0557169831,"seconds_per_step_per_atom":0.0001450963},{"material_id":"mp-558848","formula":"Ba64Cl32Mn32O224Si64","method":"MACE-MP(M)","natoms":416,"total_time_seconds":3146.986641,"total_steps":49990,"target_steps":50000,"steps_per_second":15.8850372444,"seconds_per_step":0.0629523233,"seconds_per_step_per_atom":0.0001513277},{"material_id":"mp-22922","formula":"Ag100Cl100","method":"MACE-MP(M)","natoms":200,"total_time_seconds":1359.580543,"total_steps":49990,"target_steps":50000,"steps_per_second":36.7686932984,"seconds_per_step":0.0271970503,"seconds_per_step_per_atom":0.0001359853},{"material_id":"mp-1227203","formula":"As48Ca80Cl16O192","method":"MACE-MP(M)","natoms":336,"total_time_seconds":29.98948,"total_steps":190,"target_steps":50000,"steps_per_second":6.3355550013,"seconds_per_step":0.1578393684,"seconds_per_step_per_atom":0.00046976},{"material_id":"mp-23632","formula":"B64Ca128Cl64N128","method":"MACE-MP(M)","natoms":384,"total_time_seconds":2027.971941,"total_steps":37340,"target_steps":50000,"steps_per_second":18.4124835483,"seconds_per_step":0.0543109786,"seconds_per_step_per_atom":0.0001414348},{"material_id":"mp-23280","formula":"As64Cl192","method":"MACE-MP(M)","natoms":256,"total_time_seconds":1384.967975,"total_steps":49990,"target_steps":50000,"steps_per_second":36.0946974243,"seconds_per_step":0.0277049005,"seconds_per_step_per_atom":0.0001082223},{"material_id":"mp-29342","formula":"Ca81Cl81P27","method":"MACE-MP(M)","natoms":189,"total_time_seconds":1277.023613,"total_steps":49990,"target_steps":50000,"steps_per_second":39.1457131185,"seconds_per_step":0.0255455814,"seconds_per_step_per_atom":0.0001351618},{"material_id":"mp-561350","formula":"Al64Bi64Cl256S64","method":"MACE-MP(M)","natoms":448,"total_time_seconds":2079.428632,"total_steps":49990,"target_steps":50000,"steps_per_second":24.0402576125,"seconds_per_step":0.041596892,"seconds_per_step_per_atom":0.0000928502},{"material_id":"mp-567734","formula":"Al32As96Cl128Se128","method":"MACE-MP(M)","natoms":384,"total_time_seconds":1783.023315,"total_steps":45990,"target_steps":50000,"steps_per_second":25.7932690016,"seconds_per_step":0.0387698046,"seconds_per_step_per_atom":0.000100963},{"material_id":"mp-1078814","formula":"C256Ce256Cl128","method":"MACE-MP(M)","natoms":640,"total_time_seconds":54.115956,"total_steps":550,"target_steps":50000,"steps_per_second":10.1633610612,"seconds_per_step":0.0983926473,"seconds_per_step_per_atom":0.0001537385},{"material_id":"mp-560328","formula":"Ag60Cl12P16S64","method":"MACE-MP(M)","natoms":152,"total_time_seconds":1184.600447,"total_steps":49980,"target_steps":50000,"steps_per_second":42.1914411113,"seconds_per_step":0.0237014895,"seconds_per_step_per_atom":0.0001559309},{"material_id":"mp-570340","formula":"Ag48Au48Cl192","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1691.009899,"total_steps":49990,"target_steps":50000,"steps_per_second":29.5622160636,"seconds_per_step":0.0338269634,"seconds_per_step_per_atom":0.0001174547},{"material_id":"mp-1193604","formula":"Be48Cl192Cs96","method":"MACE-MP(M)","natoms":336,"total_time_seconds":1722.58917,"total_steps":49990,"target_steps":50000,"steps_per_second":29.0202683673,"seconds_per_step":0.0344586751,"seconds_per_step_per_atom":0.0001025556},{"material_id":"mp-582011","formula":"Ce72Cl216","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1690.789828,"total_steps":49990,"target_steps":50000,"steps_per_second":29.5660638432,"seconds_per_step":0.0338225611,"seconds_per_step_per_atom":0.0001174394},{"material_id":"mp-1190390","formula":"Ba54Cl108O432","method":"MACE-MP(M)","natoms":594,"total_time_seconds":161.081988,"total_steps":370,"target_steps":50000,"steps_per_second":2.2969669334,"seconds_per_step":0.4353567243,"seconds_per_step_per_atom":0.0007329238},{"material_id":"mp-672352","formula":"Al48Cl288I144","method":"MACE-MP(M)","natoms":480,"total_time_seconds":487.23302,"total_steps":1900,"target_steps":50000,"steps_per_second":3.8995715028,"seconds_per_step":0.2564384316,"seconds_per_step_per_atom":0.0005342467},{"material_id":"mp-560085","formula":"Bi384Cl160O496","method":"MACE-MP(M)","natoms":1040,"total_time_seconds":0.0,"total_steps":0,"target_steps":50000,"steps_per_second":null,"seconds_per_step":null,"seconds_per_step_per_atom":null},{"material_id":"mp-27265","formula":"Au72Cl72O72","method":"MACE-MP(M)","natoms":216,"total_time_seconds":1594.266703,"total_steps":49990,"target_steps":50000,"steps_per_second":31.3561086774,"seconds_per_step":0.0318917124,"seconds_per_step_per_atom":0.0001476468},{"material_id":"mp-1227232","formula":"Al112Ca96Cl16O256","method":"MACE-MP(M)","natoms":480,"total_time_seconds":2080.142176,"total_steps":23320,"target_steps":50000,"steps_per_second":11.2107721621,"seconds_per_step":0.0891999218,"seconds_per_step_per_atom":0.0001858332},{"material_id":"mp-1195317","formula":"B48Ba48Cl16O144Pb32","method":"MACE-MP(M)","natoms":288,"total_time_seconds":20.777952,"total_steps":130,"target_steps":50000,"steps_per_second":6.25663203,"seconds_per_step":0.1598304,"seconds_per_step_per_atom":0.0005549667},{"material_id":"mp-998787","formula":"Ca48Cl144Tl48","method":"MACE-MP(M)","natoms":240,"total_time_seconds":1401.418117,"total_steps":49990,"target_steps":50000,"steps_per_second":35.6710102386,"seconds_per_step":0.0280339691,"seconds_per_step_per_atom":0.0001168082},{"material_id":"mp-22936","formula":"Ca180Cl90N90","method":"MACE-MP(M)","natoms":360,"total_time_seconds":2096.225347,"total_steps":42720,"target_steps":50000,"steps_per_second":20.3794883318,"seconds_per_step":0.0490689454,"seconds_per_step_per_atom":0.0001363026},{"material_id":"mp-582968","formula":"Bi96Cl112","method":"MACE-MP(M)","natoms":208,"total_time_seconds":1249.30841,"total_steps":49990,"target_steps":50000,"steps_per_second":40.0141387025,"seconds_per_step":0.0249911664,"seconds_per_step_per_atom":0.0001201498},{"material_id":"mp-23432","formula":"Ba96Cl96F96","method":"MACE-MP(M)","natoms":288,"total_time_seconds":1827.970788,"total_steps":49980,"target_steps":50000,"steps_per_second":27.3417936042,"seconds_per_step":0.0365740454,"seconds_per_step_per_atom":0.0001269932},{"material_id":"mp-562762","formula":"Ba64Cl64Co32O192Se64","method":"MACE-MP(M)","natoms":416,"total_time_seconds":12.09878,"total_steps":60,"target_steps":50000,"steps_per_second":4.9591777022,"seconds_per_step":0.2016463333,"seconds_per_step_per_atom":0.0004847268},{"material_id":"mp-27863","formula":"Al100Cl100O100","method":"MACE-MP(M)","natoms":300,"total_time_seconds":2331.794059,"total_steps":40690,"target_steps":50000,"steps_per_second":17.4500830564,"seconds_per_step":0.0573063175,"seconds_per_step_per_atom":0.0001910211},{"material_id":"mp-560883","formula":"Ba80Cl16Mn48O192","method":"MACE-MP(M)","natoms":336,"total_time_seconds":2347.813381,"total_steps":49980,"target_steps":50000,"steps_per_second":21.2878929835,"seconds_per_step":0.0469750576,"seconds_per_step_per_atom":0.0001398067}]
|
mlip_arena/tasks/stability/run.py
CHANGED
@@ -244,8 +244,8 @@ def md(
|
|
244 |
|
245 |
if restart and traj_file.exists():
|
246 |
traj = read(traj_file, index=":")
|
247 |
-
last_step = len(traj)
|
248 |
-
n_steps -=
|
249 |
last_atoms = traj[-1]
|
250 |
traj = Trajectory(traj_file, "a", atoms)
|
251 |
atoms.set_positions(last_atoms.get_positions())
|
|
|
244 |
|
245 |
if restart and traj_file.exists():
|
246 |
traj = read(traj_file, index=":")
|
247 |
+
last_step = traj[-1].info.get("step", len(traj) * traj_interval)
|
248 |
+
n_steps -= last_step
|
249 |
last_atoms = traj[-1]
|
250 |
traj = Trajectory(traj_file, "a", atoms)
|
251 |
atoms.set_positions(last_atoms.get_positions())
|
requirements.txt
CHANGED
@@ -7,3 +7,5 @@ torch==2.2.1
|
|
7 |
pymatgen==2024.4.13
|
8 |
bokeh==2.4.3
|
9 |
statsmodels==0.14.2
|
|
|
|
|
|
7 |
pymatgen==2024.4.13
|
8 |
bokeh==2.4.3
|
9 |
statsmodels==0.14.2
|
10 |
+
# py3Dmol==2.0.0.post2
|
11 |
+
# stmol==0.0.9
|
serve/app.py
CHANGED
@@ -1,15 +1,6 @@
|
|
1 |
import streamlit as st
|
2 |
|
3 |
-
|
4 |
-
layout="wide",
|
5 |
-
page_title="MLIP Arena",
|
6 |
-
page_icon=":shark:",
|
7 |
-
initial_sidebar_state="expanded",
|
8 |
-
menu_items={
|
9 |
-
"About": 'https://github.com/atomind-ai/mlip-arena',
|
10 |
-
"Report a bug": "https://github.com/atomind-ai/mlip-arena/issues/new",
|
11 |
-
}
|
12 |
-
)
|
13 |
|
14 |
# if "logged_in" not in st.session_state:
|
15 |
# st.session_state.logged_in = False
|
@@ -39,8 +30,8 @@ search = st.Page("tools/search.py", title="Search", icon=":material/search:")
|
|
39 |
history = st.Page("tools/history.py", title="History", icon=":material/history:")
|
40 |
ptable = st.Page("tools/ptable.py", title="Periodic table", icon=":material/gradient:")
|
41 |
|
42 |
-
diatomics = st.Page("tasks/homonuclear-diatomics.py", title="Homonuclear
|
43 |
-
stability = st.Page("tasks/stability.py", title="Stability", icon=":material/target:")
|
44 |
|
45 |
|
46 |
# if st.session_state.logged_in:
|
@@ -57,4 +48,27 @@ pg = st.navigation(
|
|
57 |
# else:
|
58 |
# pg = st.navigation([login_page])
|
59 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
60 |
pg.run()
|
|
|
1 |
import streamlit as st
|
2 |
|
3 |
+
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
4 |
|
5 |
# if "logged_in" not in st.session_state:
|
6 |
# st.session_state.logged_in = False
|
|
|
30 |
history = st.Page("tools/history.py", title="History", icon=":material/history:")
|
31 |
ptable = st.Page("tools/ptable.py", title="Periodic table", icon=":material/gradient:")
|
32 |
|
33 |
+
diatomics = st.Page("tasks/homonuclear-diatomics.py", title="Homonuclear Diatomics", icon=":material/target:", default=True)
|
34 |
+
stability = st.Page("tasks/stability.py", title="High Pressure Stability", icon=":material/target:")
|
35 |
|
36 |
|
37 |
# if st.session_state.logged_in:
|
|
|
48 |
# else:
|
49 |
# pg = st.navigation([login_page])
|
50 |
|
51 |
+
if pg in [stability]:
|
52 |
+
st.set_page_config(
|
53 |
+
layout="centered",
|
54 |
+
page_title="MLIP Arena",
|
55 |
+
page_icon=":shark:",
|
56 |
+
initial_sidebar_state="expanded",
|
57 |
+
menu_items={
|
58 |
+
"About": 'https://github.com/atomind-ai/mlip-arena',
|
59 |
+
"Report a bug": "https://github.com/atomind-ai/mlip-arena/issues/new",
|
60 |
+
}
|
61 |
+
)
|
62 |
+
else:
|
63 |
+
st.set_page_config(
|
64 |
+
layout="wide",
|
65 |
+
page_title="MLIP Arena",
|
66 |
+
page_icon=":shark:",
|
67 |
+
initial_sidebar_state="expanded",
|
68 |
+
menu_items={
|
69 |
+
"About": 'https://github.com/atomind-ai/mlip-arena',
|
70 |
+
"Report a bug": "https://github.com/atomind-ai/mlip-arena/issues/new",
|
71 |
+
}
|
72 |
+
)
|
73 |
+
|
74 |
pg.run()
|
serve/models/leaderboard.py
CHANGED
@@ -3,31 +3,38 @@ from pathlib import Path
|
|
3 |
import pandas as pd
|
4 |
import streamlit as st
|
5 |
|
6 |
-
from mlip_arena.models import REGISTRY
|
7 |
|
8 |
DATA_DIR = Path("mlip_arena/tasks/diatomics")
|
9 |
methods = ["MACE-MP", "Equiformer", "CHGNet", "MACE-OFF", "eSCN", "ALIGNN"]
|
10 |
dfs = [pd.read_json(DATA_DIR / method.lower() / "homonuclear-diatomics.json") for method in methods]
|
11 |
df = pd.concat(dfs, ignore_index=True)
|
12 |
|
|
|
13 |
table = pd.DataFrame(columns=[
|
14 |
"Model",
|
15 |
-
"
|
16 |
-
"No. of reversed forces",
|
17 |
-
"Energy-consistent forces",
|
|
|
|
|
|
|
18 |
"Last updated",
|
19 |
"Code",
|
20 |
"Paper"
|
21 |
])
|
22 |
|
23 |
-
for
|
24 |
-
rows = df[df["method"] ==
|
25 |
-
metadata = REGISTRY.get(
|
26 |
new_row = {
|
27 |
-
"Model":
|
28 |
-
"
|
29 |
-
"No. of reversed forces": None, # Replace with actual logic if available
|
30 |
-
"Energy-consistent forces": None, # Replace with actual logic if available
|
|
|
|
|
|
|
31 |
"Code": metadata.get("github", None) if metadata else None,
|
32 |
"Paper": metadata.get("doi", None) if metadata else None,
|
33 |
}
|
@@ -38,12 +45,16 @@ table.set_index("Model", inplace=True)
|
|
38 |
|
39 |
s = table.style.background_gradient(
|
40 |
cmap="PuRd",
|
41 |
-
subset=["
|
42 |
vmin=0, vmax=120
|
43 |
)
|
44 |
|
|
|
|
|
|
|
|
|
45 |
|
46 |
-
st.markdown("# MLIP Arena Leaderboard")
|
47 |
|
48 |
st.dataframe(
|
49 |
s,
|
|
|
3 |
import pandas as pd
|
4 |
import streamlit as st
|
5 |
|
6 |
+
from mlip_arena.models.utils import MLIPEnum, REGISTRY
|
7 |
|
8 |
DATA_DIR = Path("mlip_arena/tasks/diatomics")
|
9 |
methods = ["MACE-MP", "Equiformer", "CHGNet", "MACE-OFF", "eSCN", "ALIGNN"]
|
10 |
dfs = [pd.read_json(DATA_DIR / method.lower() / "homonuclear-diatomics.json") for method in methods]
|
11 |
df = pd.concat(dfs, ignore_index=True)
|
12 |
|
13 |
+
|
14 |
table = pd.DataFrame(columns=[
|
15 |
"Model",
|
16 |
+
"Supported elements",
|
17 |
+
# "No. of reversed forces",
|
18 |
+
# "Energy-consistent forces",
|
19 |
+
"Prediction",
|
20 |
+
"NVT",
|
21 |
+
"NPT",
|
22 |
"Last updated",
|
23 |
"Code",
|
24 |
"Paper"
|
25 |
])
|
26 |
|
27 |
+
for model in MLIPEnum:
|
28 |
+
rows = df[df["method"] == model.name]
|
29 |
+
metadata = REGISTRY.get(model.name, {})
|
30 |
new_row = {
|
31 |
+
"Model": model.name,
|
32 |
+
"Supported elements": len(rows["name"].unique()),
|
33 |
+
# "No. of reversed forces": None, # Replace with actual logic if available
|
34 |
+
# "Energy-consistent forces": None, # Replace with actual logic if available
|
35 |
+
"Prediction": metadata.get("prediction", None),
|
36 |
+
"NVT": "✅" if metadata.get("nvt", False) else "❌",
|
37 |
+
"NPT": "✅" if metadata.get("npt", False) else "❌",
|
38 |
"Code": metadata.get("github", None) if metadata else None,
|
39 |
"Paper": metadata.get("doi", None) if metadata else None,
|
40 |
}
|
|
|
45 |
|
46 |
s = table.style.background_gradient(
|
47 |
cmap="PuRd",
|
48 |
+
subset=["Supported elements"],
|
49 |
vmin=0, vmax=120
|
50 |
)
|
51 |
|
52 |
+
st.markdown(
|
53 |
+
"""
|
54 |
+
<h1 style='text-align: center;'>MLIP Arena Leaderboard</h1>
|
55 |
+
""", unsafe_allow_html=True)
|
56 |
|
57 |
+
# st.markdown("# MLIP Arena Leaderboard")
|
58 |
|
59 |
st.dataframe(
|
60 |
s,
|
serve/tasks/homonuclear-diatomics.py
CHANGED
@@ -9,11 +9,11 @@ from ase.data import chemical_symbols
|
|
9 |
from plotly.subplots import make_subplots
|
10 |
from scipy.interpolate import CubicSpline
|
11 |
|
12 |
-
|
13 |
|
14 |
st.markdown(
|
15 |
"""
|
16 |
-
# Homonuclear
|
17 |
|
18 |
Homonuclear diatomics are molecules composed of two atoms of the same element.
|
19 |
The potential energy curves of homonuclear diatomics are the most fundamental interactions between atoms in quantum chemistry.
|
@@ -22,8 +22,9 @@ The potential energy curves of homonuclear diatomics are the most fundamental in
|
|
22 |
|
23 |
st.markdown("### Methods")
|
24 |
container = st.container(border=True)
|
25 |
-
|
26 |
-
methods
|
|
|
27 |
|
28 |
st.markdown("### Settings")
|
29 |
vis = st.container(border=True)
|
@@ -49,7 +50,12 @@ color_sequence = color_palettes[palette_name] # type: ignore
|
|
49 |
DATA_DIR = Path("mlip_arena/tasks/diatomics")
|
50 |
if not methods:
|
51 |
st.stop()
|
52 |
-
dfs = [pd.read_json(DATA_DIR / method
|
|
|
|
|
|
|
|
|
|
|
53 |
df = pd.concat(dfs, ignore_index=True)
|
54 |
df.drop_duplicates(inplace=True, subset=["name", "method"])
|
55 |
|
@@ -111,7 +117,7 @@ for i, symbol in enumerate(chemical_symbols[1:]):
|
|
111 |
mode="lines",
|
112 |
line=dict(
|
113 |
color=method_color_mapping[method],
|
114 |
-
width=
|
115 |
),
|
116 |
name=method,
|
117 |
),
|
@@ -129,8 +135,8 @@ for i, symbol in enumerate(chemical_symbols[1:]):
|
|
129 |
mode="lines",
|
130 |
line=dict(
|
131 |
color=method_color_mapping[method],
|
132 |
-
width=
|
133 |
-
dash="
|
134 |
),
|
135 |
name=method,
|
136 |
showlegend=not energy_plot,
|
|
|
9 |
from plotly.subplots import make_subplots
|
10 |
from scipy.interpolate import CubicSpline
|
11 |
|
12 |
+
from mlip_arena.models.utils import REGISTRY
|
13 |
|
14 |
st.markdown(
|
15 |
"""
|
16 |
+
# Homonuclear Diatomics
|
17 |
|
18 |
Homonuclear diatomics are molecules composed of two atoms of the same element.
|
19 |
The potential energy curves of homonuclear diatomics are the most fundamental interactions between atoms in quantum chemistry.
|
|
|
22 |
|
23 |
st.markdown("### Methods")
|
24 |
container = st.container(border=True)
|
25 |
+
valid_models = [model for model, metadata in REGISTRY.items() if Path(__file__).stem in metadata.get("gpu-tasks", [])]
|
26 |
+
methods = container.multiselect("MLIPs", valid_models, ["MACE-MP(M)", "EquiformerV2(OC22)", "CHGNet", "eSCN(OC20)", "ALIGNN"])
|
27 |
+
dft_methods = container.multiselect("DFT Methods", ["GPAW"], [])
|
28 |
|
29 |
st.markdown("### Settings")
|
30 |
vis = st.container(border=True)
|
|
|
50 |
DATA_DIR = Path("mlip_arena/tasks/diatomics")
|
51 |
if not methods:
|
52 |
st.stop()
|
53 |
+
dfs = [pd.read_json(DATA_DIR / REGISTRY[method]["family"] / "homonuclear-diatomics.json") for method in methods]
|
54 |
+
|
55 |
+
dfs.extend([pd.read_json(DATA_DIR / method.lower() / "homonuclear-diatomics.json") for method in dft_methods])
|
56 |
+
|
57 |
+
|
58 |
+
|
59 |
df = pd.concat(dfs, ignore_index=True)
|
60 |
df.drop_duplicates(inplace=True, subset=["name", "method"])
|
61 |
|
|
|
117 |
mode="lines",
|
118 |
line=dict(
|
119 |
color=method_color_mapping[method],
|
120 |
+
width=3,
|
121 |
),
|
122 |
name=method,
|
123 |
),
|
|
|
135 |
mode="lines",
|
136 |
line=dict(
|
137 |
color=method_color_mapping[method],
|
138 |
+
width=2,
|
139 |
+
dash="dashdot",
|
140 |
),
|
141 |
name=method,
|
142 |
showlegend=not energy_plot,
|
serve/tasks/stability.py
CHANGED
@@ -6,22 +6,30 @@ import plotly.colors as pcolors
|
|
6 |
import plotly.express as px
|
7 |
import plotly.graph_objects as go
|
8 |
import streamlit as st
|
|
|
9 |
|
10 |
from mlip_arena.models import REGISTRY
|
11 |
|
12 |
DATA_DIR = Path("mlip_arena/tasks/stability")
|
13 |
|
14 |
|
15 |
-
st.markdown(
|
16 |
-
|
17 |
-
# Stability
|
18 |
|
19 |
-
|
20 |
-
)
|
|
|
|
|
|
|
|
|
|
|
|
|
21 |
|
22 |
st.markdown("### Methods")
|
23 |
container = st.container(border=True)
|
24 |
-
|
|
|
|
|
25 |
|
26 |
st.markdown("### Settings")
|
27 |
vis = st.container(border=True)
|
@@ -58,23 +66,6 @@ method_color_mapping = {
|
|
58 |
for i, method in enumerate(df["method"].unique())
|
59 |
}
|
60 |
|
61 |
-
|
62 |
-
fig = px.scatter(
|
63 |
-
df,
|
64 |
-
x="natoms",
|
65 |
-
y="steps_per_second",
|
66 |
-
color="method",
|
67 |
-
size="total_steps",
|
68 |
-
hover_data=["material_id", "formula"],
|
69 |
-
color_discrete_map=method_color_mapping,
|
70 |
-
trendline="ols",
|
71 |
-
trendline_options=dict(log_x=True),
|
72 |
-
log_x=True,
|
73 |
-
title="Inference Speed",
|
74 |
-
labels={"steps_per_second": "Steps per second", "natoms": "Number of atoms"},
|
75 |
-
)
|
76 |
-
st.plotly_chart(fig)
|
77 |
-
|
78 |
###
|
79 |
|
80 |
fig = go.Figure()
|
@@ -83,23 +74,29 @@ fig = go.Figure()
|
|
83 |
# bins = np.histogram_bin_edges(df['total_steps'], bins=10)
|
84 |
|
85 |
max_steps = df["total_steps"].max()
|
|
|
86 |
|
87 |
-
bins = np.append(np.arange(0, max_steps
|
88 |
bin_labels = [f"{bins[i]}-{bins[i+1]}" for i in range(len(bins)-1)]
|
89 |
|
90 |
num_bins = len(bin_labels)
|
91 |
-
colormap = px.colors.sequential.
|
92 |
indices = np.linspace(0, len(colormap) - 1, num_bins, dtype=int)
|
93 |
bin_colors = [colormap[i] for i in indices]
|
|
|
94 |
|
95 |
# Initialize a dictionary to hold the counts for each method and bin range
|
96 |
-
counts_per_method = {method: [0] * len(bin_labels) for method in df[
|
|
|
|
|
97 |
|
98 |
# Populate the dictionary with counts
|
99 |
-
for method, group in df.groupby(
|
100 |
-
counts, _ = np.histogram(group[
|
101 |
counts_per_method[method] = counts
|
102 |
|
|
|
|
|
103 |
# Create a figure
|
104 |
fig = go.Figure()
|
105 |
|
@@ -108,23 +105,23 @@ for i, bin_label in enumerate(bin_labels):
|
|
108 |
for method, counts in counts_per_method.items():
|
109 |
fig.add_trace(go.Bar(
|
110 |
# name=method, # This will be the legend entry
|
111 |
-
x=[counts[i]]
|
112 |
y=[method], # Method as the y-axis category
|
113 |
# name=bin_label,
|
114 |
-
orientation=
|
115 |
marker=dict(
|
116 |
color=bin_colors[i],
|
117 |
-
line=dict(color=
|
118 |
),
|
119 |
-
text=bin_label,
|
120 |
width=0.5
|
121 |
))
|
122 |
|
123 |
# Update the layout to stack the bars
|
124 |
fig.update_layout(
|
125 |
-
barmode=
|
126 |
-
title="Total MD
|
127 |
-
xaxis_title="Count",
|
128 |
yaxis_title="Method",
|
129 |
showlegend=False
|
130 |
)
|
@@ -156,3 +153,53 @@ fig.update_layout(
|
|
156 |
# )
|
157 |
|
158 |
st.plotly_chart(fig)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
6 |
import plotly.express as px
|
7 |
import plotly.graph_objects as go
|
8 |
import streamlit as st
|
9 |
+
from scipy.optimize import curve_fit
|
10 |
|
11 |
from mlip_arena.models import REGISTRY
|
12 |
|
13 |
DATA_DIR = Path("mlip_arena/tasks/stability")
|
14 |
|
15 |
|
16 |
+
st.markdown("""
|
17 |
+
# High Pressure Stability
|
|
|
18 |
|
19 |
+
Stable and accurate molecular dynamics (MD) simulations are important for understanding the properties of matters.
|
20 |
+
However, many MLIPs have unphysical potential energy surface (PES) at the short-range interatomic distances or
|
21 |
+
under many-body effect. These are often manifested as softened repulsion and hole in the PES and can lead to incorrect
|
22 |
+
and sampling of the phase space.
|
23 |
+
|
24 |
+
Here, we analyze the stability of the MD simulations under high pressure conditions by gradually increasing the pressure
|
25 |
+
from 0 to 100 GPa until the system crashes or completes 100 ps steps.
|
26 |
+
""")
|
27 |
|
28 |
st.markdown("### Methods")
|
29 |
container = st.container(border=True)
|
30 |
+
valid_models = [model for model, metadata in REGISTRY.items() if Path(__file__).stem in metadata.get("gpu-tasks", [])]
|
31 |
+
|
32 |
+
models = container.multiselect("MLIPs", valid_models, ["MACE-MP(M)", "CHGNet"])
|
33 |
|
34 |
st.markdown("### Settings")
|
35 |
vis = st.container(border=True)
|
|
|
66 |
for i, method in enumerate(df["method"].unique())
|
67 |
}
|
68 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
69 |
###
|
70 |
|
71 |
fig = go.Figure()
|
|
|
74 |
# bins = np.histogram_bin_edges(df['total_steps'], bins=10)
|
75 |
|
76 |
max_steps = df["total_steps"].max()
|
77 |
+
max_target_steps = df["target_steps"].max()
|
78 |
|
79 |
+
bins = np.append(np.arange(0, max_steps + 1, max_steps // 10), max_target_steps)
|
80 |
bin_labels = [f"{bins[i]}-{bins[i+1]}" for i in range(len(bins)-1)]
|
81 |
|
82 |
num_bins = len(bin_labels)
|
83 |
+
colormap = px.colors.sequential.Darkmint_r
|
84 |
indices = np.linspace(0, len(colormap) - 1, num_bins, dtype=int)
|
85 |
bin_colors = [colormap[i] for i in indices]
|
86 |
+
# bin_colors[-1] = px.colors.sequential.Greens[-1]
|
87 |
|
88 |
# Initialize a dictionary to hold the counts for each method and bin range
|
89 |
+
# counts_per_method = {method: [0] * len(bin_labels) for method in df["method"].unique()}
|
90 |
+
counts_per_method = {method: [0] * len(bin_labels) for method in df["method"].unique()}
|
91 |
+
|
92 |
|
93 |
# Populate the dictionary with counts
|
94 |
+
for method, group in df.groupby("method"):
|
95 |
+
counts, _ = np.histogram(group["total_steps"], bins=bins)
|
96 |
counts_per_method[method] = counts
|
97 |
|
98 |
+
|
99 |
+
count_or_percetange = st.toggle("show counts", False)
|
100 |
# Create a figure
|
101 |
fig = go.Figure()
|
102 |
|
|
|
105 |
for method, counts in counts_per_method.items():
|
106 |
fig.add_trace(go.Bar(
|
107 |
# name=method, # This will be the legend entry
|
108 |
+
x=[counts[i]/counts.sum()*100] if not count_or_percetange else [counts[i]],
|
109 |
y=[method], # Method as the y-axis category
|
110 |
# name=bin_label,
|
111 |
+
orientation="h", # Horizontal bars
|
112 |
marker=dict(
|
113 |
color=bin_colors[i],
|
114 |
+
line=dict(color="rgb(248, 248, 249)", width=1)
|
115 |
),
|
116 |
+
text=f"{bin_label}: {counts[i]/counts.sum()*100:.0f}%",
|
117 |
width=0.5
|
118 |
))
|
119 |
|
120 |
# Update the layout to stack the bars
|
121 |
fig.update_layout(
|
122 |
+
barmode="stack", # Stack the bars
|
123 |
+
title="Total MD steps (before crash or completion)",
|
124 |
+
xaxis_title="Percentage (%)" if not count_or_percetange else "Count",
|
125 |
yaxis_title="Method",
|
126 |
showlegend=False
|
127 |
)
|
|
|
153 |
# )
|
154 |
|
155 |
st.plotly_chart(fig)
|
156 |
+
|
157 |
+
|
158 |
+
###
|
159 |
+
|
160 |
+
# st.markdown("""
|
161 |
+
# ## Runtime Analysis
|
162 |
+
|
163 |
+
# """)
|
164 |
+
|
165 |
+
fig = px.scatter(
|
166 |
+
df,
|
167 |
+
x="natoms",
|
168 |
+
y="steps_per_second",
|
169 |
+
color="method",
|
170 |
+
size="total_steps",
|
171 |
+
hover_data=["material_id", "formula"],
|
172 |
+
color_discrete_map=method_color_mapping,
|
173 |
+
# trendline="ols",
|
174 |
+
# trendline_options=dict(log_x=True),
|
175 |
+
log_x=True,
|
176 |
+
# log_y=True,
|
177 |
+
# range_y=[1, 1e2],
|
178 |
+
range_x=[df["natoms"].min()*0.9, df["natoms"].max()*1.1],
|
179 |
+
# range_x=[1e3, 1e2],
|
180 |
+
title="Inference speed (on single A100 GPU)",
|
181 |
+
labels={"steps_per_second": "Steps per second", "natoms": "Number of atoms"},
|
182 |
+
)
|
183 |
+
|
184 |
+
|
185 |
+
def func(x, a, n):
|
186 |
+
return a * x ** (-n)
|
187 |
+
|
188 |
+
x = np.linspace(df["natoms"].min(), df["natoms"].max(), 100)
|
189 |
+
|
190 |
+
for method, data in df.groupby("method"):
|
191 |
+
data.dropna(subset=["steps_per_second"], inplace=True)
|
192 |
+
popt, pcov = curve_fit(func, data["natoms"], data["steps_per_second"])
|
193 |
+
|
194 |
+
fig.add_trace(go.Scatter(
|
195 |
+
x=x,
|
196 |
+
y=func(x, *popt),
|
197 |
+
mode="lines",
|
198 |
+
# name='Fit',
|
199 |
+
line=dict(color=method_color_mapping[method], width=3),
|
200 |
+
showlegend=False,
|
201 |
+
name=f"{popt[0]:.2f}N^{-popt[1]:.2f}",
|
202 |
+
hovertext=f"{popt[0]:.2f}N^{-popt[1]:.2f}",
|
203 |
+
))
|
204 |
+
|
205 |
+
st.plotly_chart(fig)
|
serve/tools/ptable.py
CHANGED
@@ -9,6 +9,13 @@ from bokeh.plotting import figure, show
|
|
9 |
from bokeh.sampledata.periodic_table import elements
|
10 |
from bokeh.transform import dodge, factor_cmap
|
11 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
12 |
periods = ["I", "II", "III", "IV", "V", "VI", "VII"]
|
13 |
groups = [str(x) for x in range(1, 19)]
|
14 |
|
@@ -40,12 +47,22 @@ TOOLTIPS = [
|
|
40 |
("Electronic configuration", "@{electronic configuration}"),
|
41 |
]
|
42 |
|
43 |
-
p = figure(title="Periodic Table (omitting LA and AC Series)", width=1000, height=450,
|
44 |
-
x_range=groups, y_range=list(reversed(periods)),
|
45 |
-
tools="hover", toolbar_location=None, tooltips=TOOLTIPS)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
46 |
|
47 |
-
|
48 |
-
|
|
|
49 |
|
50 |
text_props = dict(source=df, text_align="left", text_baseline="middle")
|
51 |
|
@@ -73,6 +90,69 @@ p.legend.orientation = "horizontal"
|
|
73 |
p.legend.location ="top_center"
|
74 |
p.hover.renderers = [r] # only hover element boxes
|
75 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
76 |
st.bokeh_chart(p, use_container_width=True)
|
77 |
|
78 |
-
# show(p)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
9 |
from bokeh.sampledata.periodic_table import elements
|
10 |
from bokeh.transform import dodge, factor_cmap
|
11 |
|
12 |
+
import streamlit as st
|
13 |
+
from bokeh.plotting import figure
|
14 |
+
from bokeh.models import ColumnDataSource, CustomJS, TapTool
|
15 |
+
from bokeh.sampledata.periodic_table import elements
|
16 |
+
from bokeh.transform import dodge, factor_cmap
|
17 |
+
|
18 |
+
|
19 |
periods = ["I", "II", "III", "IV", "V", "VI", "VII"]
|
20 |
groups = [str(x) for x in range(1, 19)]
|
21 |
|
|
|
47 |
("Electronic configuration", "@{electronic configuration}"),
|
48 |
]
|
49 |
|
50 |
+
p = figure(title="Periodic Table (omitting LA and AC Series)", width=1000, height=450,
|
51 |
+
x_range=groups, y_range=list(reversed(periods)),
|
52 |
+
tools="hover,tap", toolbar_location=None, tooltips=TOOLTIPS)
|
53 |
+
|
54 |
+
# Convert DataFrame to ColumnDataSource
|
55 |
+
df["selected"] = False
|
56 |
+
source = ColumnDataSource(df)
|
57 |
+
|
58 |
+
r = p.rect("group", "period", 0.95, 0.95, source=source, fill_alpha=0.6,
|
59 |
+
legend_field="metal",
|
60 |
+
color=factor_cmap('metal', palette=list(cmap.values()), factors=list(cmap.keys())),
|
61 |
+
selection_color="firebrick", selection_alpha=0.9)
|
62 |
|
63 |
+
|
64 |
+
# r = p.rect("group", "period", 0.95, 0.95, source=df, fill_alpha=0.6, legend_field="metal",
|
65 |
+
# color=factor_cmap('metal', palette=list(cmap.values()), factors=list(cmap.keys())))
|
66 |
|
67 |
text_props = dict(source=df, text_align="left", text_baseline="middle")
|
68 |
|
|
|
90 |
p.legend.location ="top_center"
|
91 |
p.hover.renderers = [r] # only hover element boxes
|
92 |
|
93 |
+
print(source.dataspecs())
|
94 |
+
|
95 |
+
# Create a CustomJS callback
|
96 |
+
callback = CustomJS(args=dict(source=source), code="""
|
97 |
+
var data = source.data;
|
98 |
+
var selected_elements = [];
|
99 |
+
for (var i = 0; i < data.symbol.length; i++) {
|
100 |
+
if (data.selected[i]) { // Corrected if statement with braces
|
101 |
+
selected_elements.push(data.symbol[i]);
|
102 |
+
}
|
103 |
+
}
|
104 |
+
console.log('Selected elements:', selected_elements);
|
105 |
+
document.dispatchEvent(new CustomEvent("selection_event", {detail: JSON.stringify(selected_elements)}));
|
106 |
+
""")
|
107 |
+
# yield j
|
108 |
+
# st.rerun()
|
109 |
+
|
110 |
+
|
111 |
+
|
112 |
+
# Add TapTool with the callback
|
113 |
+
tap_tool = TapTool()
|
114 |
+
p.add_tools(tap_tool)
|
115 |
+
p.js_on_event('tap', callback)
|
116 |
+
|
117 |
st.bokeh_chart(p, use_container_width=True)
|
118 |
|
119 |
+
# show(p)
|
120 |
+
|
121 |
+
selected_info = st.empty()
|
122 |
+
|
123 |
+
# Use session state to store selected elements
|
124 |
+
if 'selected_elements' not in st.session_state:
|
125 |
+
st.session_state.selected_elements = []
|
126 |
+
|
127 |
+
st.markdown("""
|
128 |
+
<script>
|
129 |
+
document.addEventListener('selection_event', function(e) {
|
130 |
+
var selected_elements = JSON.parse(e.detail);
|
131 |
+
window.parent.postMessage({
|
132 |
+
type: 'streamlit:set_session_state',
|
133 |
+
data: {
|
134 |
+
selected_elements: selected_elements
|
135 |
+
}
|
136 |
+
}, '*');
|
137 |
+
});
|
138 |
+
</script>
|
139 |
+
""", unsafe_allow_html=True)
|
140 |
+
|
141 |
+
# Display selected elements
|
142 |
+
if st.session_state.selected_elements:
|
143 |
+
st.write("Selected Elements:")
|
144 |
+
for element in st.session_state.selected_elements:
|
145 |
+
st.write(f"{element['symbol']} ({element['name']}):")
|
146 |
+
st.write(f" Atomic Number: {element['atomic_number']}")
|
147 |
+
st.write(f" Atomic Mass: {element['atomic_mass']}")
|
148 |
+
st.write(f" Type: {element['metal']}")
|
149 |
+
st.write("---")
|
150 |
+
|
151 |
+
else:
|
152 |
+
st.write("No elements selected. Click on elements in the periodic table to select them.")
|
153 |
+
# st.rerun()
|
154 |
+
|
155 |
+
# Add a button to clear selection
|
156 |
+
if st.button("Clear Selection"):
|
157 |
+
st.session_state.selected_elements = []
|
158 |
+
st.rerun()
|