Skip to content

Commit

Permalink
deploy: e3273e4
Browse files Browse the repository at this point in the history
  • Loading branch information
zulissimeta committed Apr 23, 2024
1 parent 92c2fd5 commit 4851296
Show file tree
Hide file tree
Showing 297 changed files with 29,341 additions and 12,484 deletions.
168 changes: 168 additions & 0 deletions _downloads/5fdddbed2260616231dbf7b0d94bb665/train.txt
Original file line number Diff line number Diff line change
@@ -0,0 +1,168 @@
2024-04-23 21:27:16 (INFO): Project root: /home/runner/work/ocp/ocp
/opt/hostedtoolcache/Python/3.11.9/x64/lib/python3.11/site-packages/torch/cuda/amp/grad_scaler.py:126: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.
warnings.warn(
2024-04-23 21:27:18 (INFO): amp: true
cmd:
checkpoint_dir: fine-tuning/checkpoints/2024-04-23-21-26-24-ft-oxides
commit: e3273e4
identifier: ft-oxides
logs_dir: fine-tuning/logs/tensorboard/2024-04-23-21-26-24-ft-oxides
print_every: 10
results_dir: fine-tuning/results/2024-04-23-21-26-24-ft-oxides
seed: 0
timestamp_id: 2024-04-23-21-26-24-ft-oxides
dataset:
a2g_args:
r_energy: true
r_forces: true
src: train.db
eval_metrics:
metrics:
energy:
- mae
forces:
- forcesx_mae
- forcesy_mae
- forcesz_mae
- mae
- cosine_similarity
- magnitude_error
misc:
- energy_forces_within_threshold
primary_metric: forces_mae
gpus: 0
logger: tensorboard
loss_fns:
- energy:
coefficient: 1
fn: mae
- forces:
coefficient: 1
fn: l2mae
model: gemnet_oc
model_attributes:
activation: silu
atom_edge_interaction: true
atom_interaction: true
cbf:
name: spherical_harmonics
cutoff: 12.0
cutoff_aeaint: 12.0
cutoff_aint: 12.0
cutoff_qint: 12.0
direct_forces: true
edge_atom_interaction: true
emb_size_aint_in: 64
emb_size_aint_out: 64
emb_size_atom: 256
emb_size_cbf: 16
emb_size_edge: 512
emb_size_quad_in: 32
emb_size_quad_out: 32
emb_size_rbf: 16
emb_size_sbf: 32
emb_size_trip_in: 64
emb_size_trip_out: 64
envelope:
exponent: 5
name: polynomial
extensive: true
forces_coupled: false
max_neighbors: 30
max_neighbors_aeaint: 20
max_neighbors_aint: 1000
max_neighbors_qint: 8
num_after_skip: 2
num_atom: 3
num_atom_emb_layers: 2
num_before_skip: 2
num_blocks: 4
num_concat: 1
num_global_out_layers: 2
num_output_afteratom: 3
num_radial: 128
num_spherical: 7
otf_graph: true
output_init: HeOrthogonal
qint_tags:
- 1
- 2
quad_interaction: true
rbf:
name: gaussian
regress_forces: true
sbf:
name: legendre_outer
symmetric_edge_symmetrization: false
noddp: false
optim:
batch_size: 4
clip_grad_norm: 10
ema_decay: 0.999
energy_coefficient: 1
eval_batch_size: 16
eval_every: 10
factor: 0.8
force_coefficient: 1
load_balancing: atoms
loss_energy: mae
lr_initial: 0.0005
max_epochs: 1
mode: min
num_workers: 2
optimizer: AdamW
optimizer_params:
amsgrad: true
patience: 3
scheduler: ReduceLROnPlateau
weight_decay: 0
outputs:
energy:
level: system
forces:
eval_on_free_atoms: true
level: atom
train_on_free_atoms: true
slurm: {}
task:
dataset: ase_db
test_dataset:
a2g_args:
r_energy: false
r_forces: false
src: test.db
trainer: ocp
val_dataset:
a2g_args:
r_energy: true
r_forces: true
src: val.db

2024-04-23 21:27:18 (INFO): Loading dataset: lmdb
Traceback (most recent call last):
File "/home/runner/work/ocp/ocp/main.py", line 89, in <module>
Runner()(config)
File "/home/runner/work/ocp/ocp/main.py", line 34, in __call__
with new_trainer_context(args=args, config=config) as ctx:
File "/opt/hostedtoolcache/Python/3.11.9/x64/lib/python3.11/contextlib.py", line 137, in __enter__
return next(self.gen)
^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/common/utils.py", line 977, in new_trainer_context
trainer = trainer_cls(
^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/ocp_trainer.py", line 95, in __init__
super().__init__(
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 176, in __init__
self.load()
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 198, in load
self.load_datasets()
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 281, in load_datasets
self.train_dataset = registry.get_dataset_class(
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/datasets/lmdb_dataset.py", line 90, in __init__
self.env = self.connect_db(self.path)
^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/datasets/lmdb_dataset.py", line 158, in connect_db
return lmdb.open(
^^^^^^^^^^
lmdb.InvalidError: train.db: MDB_INVALID: File is not an LMDB file
148 changes: 148 additions & 0 deletions _downloads/819e10305ddd6839cd7da05935b17060/mass-inference.txt
Original file line number Diff line number Diff line change
@@ -0,0 +1,148 @@
2024-04-23 21:28:22 (INFO): Project root: /home/runner/work/ocp/ocp
/opt/hostedtoolcache/Python/3.11.9/x64/lib/python3.11/site-packages/torch/cuda/amp/grad_scaler.py:126: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.
warnings.warn(
2024-04-23 21:28:24 (INFO): amp: true
cmd:
checkpoint_dir: ./checkpoints/2024-04-23-21-28-32
commit: e3273e4
identifier: ''
logs_dir: ./logs/tensorboard/2024-04-23-21-28-32
print_every: 10
results_dir: ./results/2024-04-23-21-28-32
seed: 0
timestamp_id: 2024-04-23-21-28-32
dataset:
a2g_args:
r_energy: false
r_forces: false
select_args:
selection: natoms>5,xc=PBE
src: data.db
eval_metrics:
metrics:
energy:
- mae
forces:
- forcesx_mae
- forcesy_mae
- forcesz_mae
- mae
- cosine_similarity
- magnitude_error
misc:
- energy_forces_within_threshold
primary_metric: forces_mae
gpus: 0
logger: tensorboard
loss_fns:
- energy:
coefficient: 1
fn: mae
- forces:
coefficient: 1
fn: l2mae
model: gemnet_t
model_attributes:
activation: silu
cbf:
name: spherical_harmonics
cutoff: 6.0
direct_forces: true
emb_size_atom: 512
emb_size_bil_trip: 64
emb_size_cbf: 16
emb_size_edge: 512
emb_size_rbf: 16
emb_size_trip: 64
envelope:
exponent: 5
name: polynomial
extensive: true
max_neighbors: 50
num_after_skip: 2
num_atom: 3
num_before_skip: 1
num_blocks: 3
num_concat: 1
num_radial: 128
num_spherical: 7
otf_graph: true
output_init: HeOrthogonal
rbf:
name: gaussian
regress_forces: true
noddp: false
optim:
batch_size: 16
clip_grad_norm: 10
ema_decay: 0.999
energy_coefficient: 1
eval_batch_size: 16
eval_every: 5000
force_coefficient: 1
loss_energy: mae
loss_force: atomwisel2
lr_gamma: 0.8
lr_initial: 0.0005
lr_milestones:
- 64000
- 96000
- 128000
- 160000
- 192000
max_epochs: 80
num_workers: 2
optimizer: AdamW
optimizer_params:
amsgrad: true
warmup_steps: -1
outputs:
energy:
level: system
forces:
eval_on_free_atoms: true
level: atom
train_on_free_atoms: true
slurm: {}
task:
dataset: ase_db
prediction_dtype: float32
test_dataset:
a2g_args:
r_energy: false
r_forces: false
select_args:
selection: natoms>5,xc=PBE
src: data.db
trainer: ocp
val_dataset: null

2024-04-23 21:28:24 (INFO): Loading dataset: lmdb
Traceback (most recent call last):
File "/home/runner/work/ocp/ocp/main.py", line 89, in <module>
Runner()(config)
File "/home/runner/work/ocp/ocp/main.py", line 34, in __call__
with new_trainer_context(args=args, config=config) as ctx:
File "/opt/hostedtoolcache/Python/3.11.9/x64/lib/python3.11/contextlib.py", line 137, in __enter__
return next(self.gen)
^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/common/utils.py", line 977, in new_trainer_context
trainer = trainer_cls(
^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/ocp_trainer.py", line 95, in __init__
super().__init__(
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 176, in __init__
self.load()
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 198, in load
self.load_datasets()
File "/home/runner/work/ocp/ocp/ocpmodels/trainers/base_trainer.py", line 281, in load_datasets
self.train_dataset = registry.get_dataset_class(
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/datasets/lmdb_dataset.py", line 90, in __init__
self.env = self.connect_db(self.path)
^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/runner/work/ocp/ocp/ocpmodels/datasets/lmdb_dataset.py", line 158, in connect_db
return lmdb.open(
^^^^^^^^^^
lmdb.InvalidError: data.db: MDB_INVALID: File is not an LMDB file
Elapsed time = 3.9 seconds
Loading

0 comments on commit 4851296

Please sign in to comment.