diff --git a/_modules/hippynn/databases/database.html b/_modules/hippynn/databases/database.html
index 7fe0528b..d3a8c80e 100644
--- a/_modules/hippynn/databases/database.html
+++ b/_modules/hippynn/databases/database.html
@@ -79,6 +79,8 @@
"""
Base database functionality from dictionary of numpy arrays
"""
+
+from typing import Union
import warnings
import numpy as np
import torch
@@ -102,17 +104,18 @@ Source code for hippynn.databases.database
[docs]
def __init__ (
self ,
- arr_dict ,
- inputs ,
- targets ,
- seed ,
- test_size = None ,
- valid_size = None ,
- num_workers = 0 ,
- pin_memory = True ,
- allow_unfound = False ,
- auto_split = False ,
- device = None ,
+ arr_dict : dict [ str , torch . Tensor ],
+ inputs : list [ str ],
+ targets : list [ str ],
+ seed : [ int , np . random . RandomState , tuple ],
+ test_size : Union [ float , int ] = None ,
+ valid_size : Union [ float , int ] = None ,
+ num_workers : int = 0 ,
+ pin_memory : bool = True ,
+ allow_unfound : bool = False ,
+ auto_split : bool = False ,
+ device : torch . device = None ,
+ dataloader_kwargs : dict [ str , object ] = None ,
quiet = False ,
):
"""
@@ -129,6 +132,9 @@ Source code for hippynn.databases.database
:param allow_unfound: If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
:param auto_split: If true, look for keys like "split_*" to make initial splits from. See write_npz() method.
+ :param device: if set, move the dataset to this device after splitting.
+ :param dataloader_kwargs: dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+ Refer to pytorch documentation for details.
:param quiet: If True, print little or nothing while loading.
"""
@@ -203,7 +209,9 @@ Source code for hippynn.databases.database
if not self . splitting_completed :
raise ValueError ( "Device cannot be set in constructor unless automatic split provided." )
else :
- self . send_to_device ( device )
+ self . send_to_device ( device )
+
+ self . dataloader_kwargs = dataloader_kwargs . copy () if dataloader_kwargs else {}
def __len__ ( self ):
@@ -534,6 +542,7 @@ Source code for hippynn.databases.database
shuffle = shuffle ,
pin_memory = self . pin_memory ,
num_workers = self . num_workers ,
+ ** self . dataloader_kwargs ,
)
return generator
@@ -632,7 +641,7 @@ Source code for hippynn.databases.database
[docs]
-
def write_npz ( self , file : str , record_split_masks : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ):
+
def write_npz ( self , file : str , record_split_masks : bool = True , compressed : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ):
"""
:param file: str, Path, or file object compatible with np.save
:param record_split_masks:
@@ -679,7 +688,10 @@
Source code for hippynn.databases.database
if file . exists () and not overwrite :
raise FileExistsError ( f "File exists: { file } " )
- np . savez_compressed ( file , ** arr_dict )
+ if compressed :
+ np . savez_compressed ( file , ** arr_dict )
+ else :
+ np . savez ( file , ** arr_dict )
return arr_dict
diff --git a/_modules/hippynn/experiment/controllers.html b/_modules/hippynn/experiment/controllers.html
index a724cc3e..336bd205 100644
--- a/_modules/hippynn/experiment/controllers.html
+++ b/_modules/hippynn/experiment/controllers.html
@@ -84,7 +84,6 @@
Source code for hippynn.experiment.controllers from torch.optim.lr_scheduler import ReduceLROnPlateau
-
[docs]
class Controller :
@@ -133,12 +132,10 @@
Source code for hippynn.experiment.controllers fraction_train_eval= 0.1 ,
quiet = False ,
):
+ super () . __init__ ()
self . optimizer = optimizer
- self . scheduler = scheduler
-
self . stopping_key = stopping_key
-
self . batch_size = batch_size
self . eval_batch_size = eval_batch_size or batch_size
if max_epochs is None :
@@ -170,7 +167,8 @@
Source code for hippynn.experiment.controllers [docs]
def state_dict ( self ):
state_dict = { k : getattr ( self , k ) for k in self . _state_vars }
- state_dict [ "optimizer" ] = self . optimizer . state_dict ()
+ if self . optimizer is not None :
+ state_dict [ "optimizer" ] = self . optimizer . state_dict ()
state_dict [ "scheduler" ] = [ sch . state_dict () for sch in self . scheduler_list ]
return state_dict
@@ -182,7 +180,8 @@
Source code for hippynn.experiment.controllers for sch , sdict in zip ( self . scheduler_list , state_dict [ "scheduler" ]):
sch . load_state_dict ( sdict )
- self . optimizer . load_state_dict ( state_dict [ "optimizer" ])
+ if self . optimizer is not None :
+ self . optimizer . load_state_dict ( state_dict [ "optimizer" ])
for k in self . _state_vars :
setattr ( self , k , state_dict [ k ])
@@ -194,7 +193,7 @@
Source code for hippynn.experiment.controllers
[docs]
- def push_epoch ( self , epoch , better_model , metric ):
+ def push_epoch ( self , epoch , better_model , metric , _print = print ):
self . current_epoch += 1
if better_model :
@@ -209,8 +208,9 @@
Source code for hippynn.experiment.controllers sch. step ()
if not self . quiet :
- print ( "Epochs since last best:" , self . boredom )
- print ( "Current max epochs:" , self . max_epochs )
+ _print ( "Epochs since last best:" , self . boredom )
+ _print ( "Current max epochs:" , self . max_epochs )
+
return self . current_epoch < self . max_epochs
@@ -239,27 +239,31 @@
Source code for hippynn.experiment.controllers
[docs]
- def push_epoch ( self , epoch , better_model , metric ):
+ def push_epoch ( self , epoch , better_model , metric , _print = print ):
if better_model :
if self . boredom > 0 and not self . quiet :
- print ( "Patience for training restored." )
+ _print ( "Patience for training restored." )
self . boredom = 0
self . last_best = epoch
- return super () . push_epoch ( epoch , better_model , metric )
+
return super () . push_epoch ( epoch , better_model , metric , _print = _print )
@property
def max_epochs ( self ):
-
return min ( self . last_best + self . patience , self . _max_epochs )
+
return min ( self . last_best + self . patience + 1 , self . _max_epochs )
+
# Developer note: The inheritance here is only so that pytorch lightning
+
# readily identifies this as a scheduler.
[docs]
-
class RaiseBatchSizeOnPlateau :
+
class RaiseBatchSizeOnPlateau ( ReduceLROnPlateau ):
"""
Learning rate scheduler compatible with pytorch schedulers.
+
Note: The "VERBOSE" Parameter has been deprecated and no longer does anything.
+
This roughly implements the scheme outlined in the following paper:
.. code-block:: none
@@ -288,9 +292,20 @@
Source code for hippynn.experiment.controllers patience= 10 ,
threshold = 0.0001 ,
threshold_mode = "rel" ,
- verbose = True ,
+ verbose = None , # DEPRECATED
controller = None ,
):
+ """
+
+ :param optimizer:
+ :param max_batch_size:
+ :param factor:
+ :param patience:
+ :param threshold:
+ :param threshold_mode:
+ :param verbose:
+ :param controller:
+ """
if threshold_mode not in ( "abs" , "rel" ):
raise ValueError ( "Mode must be 'abs' or 'rel'" )
@@ -301,14 +316,18 @@
Source code for hippynn.experiment.controllers factor= factor ,
threshold = threshold ,
threshold_mode = threshold_mode ,
- verbose = verbose ,
)
self . controller = controller
self . max_batch_size = max_batch_size
self . best_metric = float ( "inf" )
self . boredom = 0
- self . last_epoch = 0
+
self . last_epoch = 0
+
warnings . warn ( "Parameter verbose no longer supported for schedulers. It will be ignored." )
+
+
@property
+
def optimizer ( self ):
+
return self . inner . optimizer
[docs]
@@ -368,12 +387,9 @@
Source code for hippynn.experiment.controllers new_batch_size = min ( new_batch_size , self . max_batch_size )
self . controller . batch_size = new_batch_size
self . boredom = 0
- if self . inner . verbose :
- print ( "Raising batch size to" , new_batch_size )
+
if new_batch_size >= self . max_batch_size :
self . inner . last_epoch = self . last_epoch - 1
- if self . inner . verbose :
- print ( "Max batch size reached, Lowering learning rate from here." )
return
diff --git a/_modules/hippynn/experiment/lightning_trainer.html b/_modules/hippynn/experiment/lightning_trainer.html
new file mode 100644
index 00000000..ad7282ee
--- /dev/null
+++ b/_modules/hippynn/experiment/lightning_trainer.html
@@ -0,0 +1,543 @@
+
+
+
+
+
+
hippynn.experiment.lightning_trainer — hippynn 0+unknown documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ hippynn
+
+
+
+
+
+
+
+ Module code
+ hippynn.experiment.lightning_trainer
+
+
+
+
+
+
+
+
+
Source code for hippynn.experiment.lightning_trainer
+"""
+Pytorch Lightning training interface.
+
+This module is somewhat experimental. Using pytorch lightning
+successfully in a distributed context may require understanding
+and adjusting the various settings related to parallelism, e.g.
+multiprocessing context, torch ddp backend, and how they interact
+with your HPC environment.
+
+Some features of hippynn experiments may not be implemented yet.
+ - The plotmaker is currently not supported.
+
+"""
+import warnings
+import copy
+from pathlib import Path
+
+import torch
+
+import pytorch_lightning as pl
+
+from .routines import TrainingModules
+from ..databases import Database
+from .routines import SetupParams , setup_training
+from ..graphs import GraphModule
+from .controllers import Controller
+from .metric_tracker import MetricTracker
+from .step_functions import get_step_function , StandardStep
+from ..tools import print_lr
+from . import serialization
+
+
+
+
[docs]
+
class HippynnLightningModule ( pl . LightningModule ):
+
+
[docs]
+
def __init__ (
+
self ,
+
model : GraphModule ,
+
loss : GraphModule ,
+
eval_loss : GraphModule ,
+
eval_names : list [ str ],
+
stopping_key : str ,
+
optimizer_list : list [ torch . optim . Optimizer ],
+
scheduler_list : list [ torch . optim . lr_scheduler ],
+
controller : Controller ,
+
metric_tracker : MetricTracker ,
+
inputs : list [ str ],
+
targets : list [ str ],
+
n_outputs : int ,
+
* args ,
+
** kwargs ,
+
): # forwards args and kwargs to where?
+
super () . __init__ ()
+
+
self . save_hyperparameters ( ignore = [ "loss" , "model" , "eval_loss" , "controller" , "optimizer_list" , "scheduler_list" ])
+
+
self . model = model
+
self . loss = loss
+
self . eval_loss = eval_loss
+
self . eval_names = eval_names
+
self . stopping_key = stopping_key
+
self . controller = controller
+
self . metric_tracker = metric_tracker
+
self . optimizer_list = optimizer_list
+
self . scheduler_list = scheduler_list
+
self . inputs = inputs
+
self . targets = targets
+
self . n_inputs = len ( self . inputs )
+
self . n_targets = len ( self . targets )
+
self . n_outputs = n_outputs
+
+
self . structure_file = None
+
+
self . _last_reload_dlene = None # storage for whether batch size should be changed.
+
+
# Storage for predictions across batches for eval mode.
+
self . eval_step_outputs = []
+
self . controller . optimizer = None
+
+
for optimizer in self . optimizer_list :
+
if not isinstance ( step_fn := get_step_function ( optimizer ), StandardStep ): # :=
+
raise NotImplementedError ( f "Optimzers with non-standard steps are not yet supported. { optimizer , step_fn } " )
+
+
if args or kwargs :
+
raise NotImplementedError ( "Generic args and kwargs not supported." )
+
+
+
+
[docs]
+
@classmethod
+
def from_experiment_setup ( cls , training_modules : TrainingModules , database : Database , setup_params : SetupParams , ** kwargs ):
+
training_modules , controller , metric_tracker = setup_training ( training_modules , setup_params )
+
return cls . from_train_setup ( training_modules , database , controller , metric_tracker , ** kwargs )
+
+
+
+
[docs]
+
@classmethod
+
def from_train_setup (
+
cls ,
+
training_modules : TrainingModules ,
+
database : Database ,
+
controller : Controller ,
+
metric_tracker : MetricTracker ,
+
callbacks = None ,
+
batch_callbacks = None ,
+
** kwargs ,
+
):
+
+
model , loss , evaluator = training_modules
+
+
warnings . warn ( "PytorchLightning hippynn trainer is still experimental." )
+
+
if evaluator . plot_maker is not None :
+
warnings . warn ( "plot_maker is not currently supported in pytorch lightning. The current plot_maker will be ignored." )
+
+
trainer = cls (
+
model = model ,
+
loss = loss ,
+
eval_loss = evaluator . loss ,
+
eval_names = evaluator . loss_names ,
+
optimizer_list = [ controller . optimizer ],
+
scheduler_list = controller . scheduler_list ,
+
stopping_key = controller . stopping_key ,
+
controller = controller ,
+
metric_tracker = metric_tracker ,
+
inputs = database . inputs ,
+
targets = database . targets ,
+
n_outputs = evaluator . n_outputs ,
+
** kwargs ,
+
)
+
+
# pytorch lightning is now in charge of stepping the scheduler.
+
controller . scheduler_list = []
+
+
if callbacks is not None or batch_callbacks is not None :
+
return NotImplemented ( "arbitrary callbacks are not yet supported with pytorch lightning." )
+
+
return trainer , HippynnDataModule ( database , controller . batch_size )
+
+
+
+
[docs]
+
def on_save_checkpoint ( self , checkpoint ) -> None :
+
+
# Note to future developers:
+
# trainer.log_dir property needs to be called on all ranks! This is weird but important;
+
# do not move trainer.log_dir inside of a rank zero operation!
+
# see https://github.com/Lightning-AI/pytorch-lightning/discussions/8321
+
# Thank you to https://github.com/semaphore-egg .
+
log_dir = self . trainer . log_dir
+
+
if not self . structure_file :
+
# Perform change on all ranks.
+
sf = serialization . DEFAULT_STRUCTURE_FNAME
+
self . structure_file = sf
+
+
if self . global_rank == 0 and not self . structure_file :
+
self . print ( "creating structure file." )
+
structure = dict (
+
model = self . model ,
+
loss = self . loss ,
+
eval_loss = self . eval_loss ,
+
controller = self . controller ,
+
optimizer_list = self . optimizer_list ,
+
scheduler_list = self . scheduler_list ,
+
)
+
path : Path = Path ( log_dir ) . joinpath ( sf )
+
self . print ( "Saving structure file at" , path )
+
torch . save ( obj = structure , f = path )
+
+
checkpoint [ "controller_state" ] = self . controller . state_dict ()
+
return
+
+
+
+
[docs]
+
@classmethod
+
def load_from_checkpoint ( cls , checkpoint_path , map_location = None , structure_file = None , hparams_file = None , strict = True , ** kwargs ):
+
+
if structure_file is None :
+
# Assume checkpoint_path is like <model_name>/version_<n>/checkpoints/<something>.chkpt
+
# and that experiment file is stored at <model_name>/version_<n>/experiment_structure.pt
+
structure_file = Path ( checkpoint_path )
+
structure_file = structure_file . parent . parent
+
structure_file = structure_file . joinpath ( serialization . DEFAULT_STRUCTURE_FNAME )
+
+
structure_args = torch . load ( structure_file )
+
+
return super () . load_from_checkpoint (
+
checkpoint_path , map_location = map_location , hparams_file = hparams_file , strict = strict , ** structure_args , ** kwargs
+
)
+
+
+
+
[docs]
+
def on_load_checkpoint ( self , checkpoint ) -> None :
+
cstate = checkpoint . pop ( "controller_state" )
+
self . controller . load_state_dict ( cstate )
+
return
+
+
+
+
+
+
+
[docs]
+
def on_train_epoch_start ( self ):
+
for optimizer in self . optimizer_list :
+
print_lr ( optimizer , print_ = self . print )
+
self . print ( "Batch size:" , self . trainer . train_dataloader . batch_size )
+
+
+
+
[docs]
+
def training_step ( self , batch , batch_idx ):
+
+
batch_inputs = batch [: self . n_inputs ]
+
batch_targets = batch [ - self . n_targets :]
+
+
batch_model_outputs = self . model ( * batch_inputs )
+
batch_train_loss = self . loss ( * batch_model_outputs , * batch_targets )[ 0 ]
+
+
self . log ( "train_loss" , batch_train_loss )
+
return batch_train_loss
+
+
+
def _eval_step ( self , batch , batch_idx ):
+
+
batch_inputs = batch [: self . n_inputs ]
+
batch_targets = batch [ - self . n_targets :]
+
+
# It is very, very common to fit to derivatives, e.g. force, in hippynn. Override lightning default.
+
with torch . autograd . set_grad_enabled ( True ):
+
batch_predictions = self . model ( * batch_inputs )
+
+
batch_predictions = [ bp . detach () for bp in batch_predictions ]
+
+
outputs = ( batch_predictions , batch_targets )
+
self . eval_step_outputs . append ( outputs )
+
return batch_predictions
+
+
+
[docs]
+
def validation_step ( self , batch , batch_idx ):
+
return self . _eval_step ( batch , batch_idx )
+
+
+
+
[docs]
+
def test_step ( self , batch , batch_idx ):
+
return self . _eval_step ( batch , batch_idx )
+
+
+
def _eval_epoch_end ( self , prefix ):
+
+
all_batch_predictions , all_batch_targets = zip ( * self . eval_step_outputs )
+
# now 'shape' (n_batch, n_outputs) -> need to transpose.
+
all_batch_predictions = [[ bpred [ i ] for bpred in all_batch_predictions ] for i in range ( self . n_outputs )]
+
# now 'shape' (n_batch, n_targets) -> need to transpose.
+
all_batch_targets = [[ bpred [ i ] for bpred in all_batch_targets ] for i in range ( self . n_targets )]
+
+
# now cat each prediction and target across the batch index.
+
all_predictions = [ torch . cat ( x , dim = 0 ) if x [ 0 ] . shape != () else x [ 0 ] for x in all_batch_predictions ]
+
all_targets = [ torch . cat ( x , dim = 0 ) for x in all_batch_targets ]
+
+
all_losses = [ x . item () for x in self . eval_loss ( * all_predictions , * all_targets )]
+
self . eval_step_outputs . clear () # free memory
+
+
loss_dict = { name : value for name , value in zip ( self . eval_names , all_losses )}
+
+
self . log_dict ({ prefix + k : v for k , v in loss_dict . items ()}, sync_dist = True )
+
+
return
+
+
+
[docs]
+
def on_validation_epoch_end ( self ):
+
self . _eval_epoch_end ( prefix = "valid_" )
+
return
+
+
+
+
[docs]
+
def on_test_epoch_end ( self ):
+
self . _eval_epoch_end ( prefix = "test_" )
+
return
+
+
+
def _eval_end ( self , prefix , when = None ) -> None :
+
if when is None :
+
if self . trainer . sanity_checking :
+
when = "Sanity Check"
+
else :
+
when = self . current_epoch
+
+
# Step 1: get metrics reduced from all ranks.
+
# Copied pattern from pytorch_lightning.
+
metrics = copy . deepcopy ( self . trainer . callback_metrics )
+
+
pre_len = len ( prefix )
+
loss_dict = { k [ pre_len :]: v . item () for k , v in metrics . items () if k . startswith ( prefix )}
+
+
loss_dict = { prefix [: - 1 ]: loss_dict } # strip underscore from prefix and wrap.
+
+
if self . trainer . sanity_checking :
+
self . print ( "Sanity check metric values:" )
+
self . metric_tracker . evaluation_print ( loss_dict , _print = self . print )
+
return
+
+
# Step 2: register metrics
+
out_ = self . metric_tracker . register_metrics ( loss_dict , when = when )
+
better_metrics , better_model , stopping_metric = out_
+
self . metric_tracker . evaluation_print_better ( loss_dict , better_metrics , _print = self . print )
+
+
continue_training = self . controller . push_epoch ( self . current_epoch , better_model , stopping_metric , _print = self . print )
+
+
if not continue_training :
+
self . print ( "Controller is terminating training." )
+
self . trainer . should_stop = True
+
+
# Step 3: Logic for changing the batch size without always requiring new dataloaders.
+
# Step 3a: don't do this when not testing.
+
if not self . trainer . training :
+
return
+
+
controller_batch_size = self . controller . batch_size
+
trainer_batch_size = self . trainer . train_dataloader . batch_size
+
if controller_batch_size != trainer_batch_size :
+
# Need to trigger a batch size change.
+
if self . _last_reload_dlene is None :
+
# save the original value of this variable to the pl module
+
self . _last_reload_dlene = self . trainer . reload_dataloaders_every_n_epochs
+
+
# TODO: Make this run even if there isn't an explicit datamodule?
+
self . trainer . datamodule . batch_size = controller_batch_size
+
# Tell PL lightning to reload the dataloaders now.
+
self . trainer . reload_dataloaders_every_n_epochs = 1
+
+
elif self . _last_reload_dlene is not None :
+
# Restore the last saved value from the pl module.
+
self . trainer . reload_dataloaders_every_n_epochs = self . _last_reload_dlene
+
self . _last_reload_dlene = None
+
else :
+
# Batch sizes match, and there's no variable to restore.
+
pass
+
return
+
+
+
[docs]
+
def on_validation_end ( self ):
+
self . _eval_end ( prefix = "valid_" )
+
return
+
+
+
+
[docs]
+
def on_test_end ( self ):
+
self . _eval_end ( prefix = "test_" , when = "test" )
+
return
+
+
+
+
+
+
[docs]
+
class LightingPrintStagesCallback ( pl . Callback ):
+
"""
+
This callback is for debugging only.
+
It prints whenever a callback stage is entered in pytorch lightning.
+
"""
+
+
for k in dir ( pl . Callback ):
+
if k . startswith ( "on_" ):
+
+
def some_method ( self , * args , _k = k , ** kwargs ):
+
all_args = kwargs . copy ()
+
all_args . update ({ i : a for i , a in enumerate ( args )})
+
int_args = { k : v for k , v in all_args . items () if isinstance ( v , int )}
+
print ( "Callback stage:" , _k , "with integer arguments:" , int_args )
+
+
exec ( f " { k } = some_method" )
+
del some_method
+
+
+
+
+
[docs]
+
class HippynnDataModule ( pl . LightningDataModule ):
+
+
[docs]
+
def __init__ ( self , database : Database , batch_size ):
+
super () . __init__ ()
+
self . database = database
+
self . batch_size = batch_size
+
+
+
+
[docs]
+
def train_dataloader ( self ):
+
return self . database . make_generator ( "train" , "train" , self . batch_size )
+
+
+
+
[docs]
+
def val_dataloader ( self ):
+
return self . database . make_generator ( "valid" , "eval" , self . batch_size )
+
+
+
+
[docs]
+
def test_dataloader ( self ):
+
return self . database . make_generator ( "test" , "eval" , self . batch_size )
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/_modules/hippynn/experiment/metric_tracker.html b/_modules/hippynn/experiment/metric_tracker.html
index 3b738653..2ec760a2 100644
--- a/_modules/hippynn/experiment/metric_tracker.html
+++ b/_modules/hippynn/experiment/metric_tracker.html
@@ -173,7 +173,6 @@
Source code for hippynn.experiment.metric_tracker except
KeyError :
if split_type not in self . best_metric_values :
# Haven't seen this split before!
-
print ( "ADDING " , split_type )
self . best_metric_values [ split_type ] = {}
better_metrics [ split_type ] = {}
better = True # old best was not found!
@@ -187,7 +186,7 @@
Source code for hippynn.experiment.metric_tracker else
:
self . other_metric_values [ when ] = metric_info
-
if self . stopping_key :
+
if self . stopping_key and "valid" in metric_info :
better_model = better_metrics . get ( "valid" , {}) . get ( self . stopping_key , False )
stopping_key_metric = metric_info [ "valid" ][ self . stopping_key ]
else :
@@ -199,24 +198,24 @@
Source code for hippynn.experiment.metric_tracker
[docs]
-
def evaluation_print ( self , evaluation_dict , quiet = None ):
+
def evaluation_print ( self , evaluation_dict , quiet = None , _print = print ):
if quiet is None :
quiet = self . quiet
if quiet :
return
-
table_evaluation_print ( evaluation_dict , self . metric_names , self . name_column_width )
+
table_evaluation_print ( evaluation_dict , self . metric_names , self . name_column_width , _print = _print )
[docs]
-
def evaluation_print_better ( self , evaluation_dict , better_dict , quiet = None ):
+
def evaluation_print_better ( self , evaluation_dict , better_dict , quiet = None , _print = print ):
if quiet is None :
quiet = self . quiet
if quiet :
return
-
table_evaluation_print_better ( evaluation_dict , better_dict , self . metric_names , self . name_column_width )
+
table_evaluation_print_better ( evaluation_dict , better_dict , self . metric_names , self . name_column_width , _print = print )
if self . stopping_key :
-
print (
+
_print (
"Best {} so far: {:>8.5g} " . format (
self . stopping_key , self . best_metric_values [ "valid" ][ self . stopping_key ]
)
@@ -235,7 +234,7 @@
Source code for hippynn.experiment.metric_tracker # Decoupled from the estate in case we want to more easily change print formatting.
[docs]
-
def table_evaluation_print_better ( evaluation_dict , better_dict , metric_names , n_columns ):
+
def table_evaluation_print_better ( evaluation_dict , better_dict , metric_names , n_columns , _print = print ):
"""
Print metric results as a table, add a '*' character for metrics in better_dict.
@@ -258,11 +257,11 @@
Source code for hippynn.experiment.metric_tracker header = " " * ( n_columns + 2 ) + "" . join ( " {:>14} " . format ( tn ) for tn in type_names )
rowstring = "{:<" + str ( n_columns ) + "}: " + " {}{:>10.5g} " * n_types
- print ( header )
- print ( "-" * len ( header ))
+ _print ( header )
+ _print ( "-" * len ( header ))
for n , valsbet in zip ( metric_names , transposed_values_better ):
rowoutput = [ k for bv in valsbet for k in bv ]
- print ( rowstring . format ( n , * rowoutput ))
+
_print ( rowstring . format ( n , * rowoutput ))
@@ -270,7 +269,7 @@
Source code for hippynn.experiment.metric_tracker # Decoupled from the estate in case we want to more easily change print formatting.
[docs]
-
def table_evaluation_print ( evaluation_dict , metric_names , n_columns ):
+
def table_evaluation_print ( evaluation_dict , metric_names , n_columns , _print = print ):
"""
Print metric results as a table.
@@ -288,11 +287,11 @@
Source code for hippynn.experiment.metric_tracker header = " " * ( n_columns + 2 ) + "" . join ( " {:>14} " . format ( tn ) for tn in type_names )
rowstring = "{:<" + str ( n_columns ) + "}: " + " {:>10.5g} " * n_types
- print ( header )
- print ( "-" * len ( header ))
+ _print ( header )
+ _print ( "-" * len ( header ))
for n , vals in zip ( metric_names , transposed_values ):
- print ( rowstring . format ( n , * vals ))
- print ( "-" * len ( header ))
+
_print ( rowstring . format ( n , * vals ))
+
_print ( "-" * len ( header ))
diff --git a/_modules/hippynn/experiment/routines.html b/_modules/hippynn/experiment/routines.html
index 8787754e..457fc1e7 100644
--- a/_modules/hippynn/experiment/routines.html
+++ b/_modules/hippynn/experiment/routines.html
@@ -395,9 +395,7 @@
Source code for hippynn.experiment.routines
print ( "Finishing up..." )
print ( "Training phase ended." )
- if store_metrics :
- with open ( "training_metrics.pkl" , "wb" ) as pfile :
- pickle . dump ( metric_tracker , pfile )
+ torch . save ( metric_tracker , "training_metrics.pt" )
best_model = metric_tracker . best_model
if best_model :
@@ -543,6 +541,7 @@ Source code for hippynn.experiment.routines
qprint ( "_" * 50 )
qprint ( "Epoch {} :" . format ( epoch ))
tools . print_lr ( optimizer )
+ qprint ( "Batch Size:" , controller . batch_size )
qprint ( flush = True , end = "" )
diff --git a/_modules/hippynn/experiment/serialization.html b/_modules/hippynn/experiment/serialization.html
index e428f4db..3d523e12 100644
--- a/_modules/hippynn/experiment/serialization.html
+++ b/_modules/hippynn/experiment/serialization.html
@@ -77,7 +77,9 @@
Source code for hippynn.experiment.serialization
"""
-checkpoint and state generation
+Checkpoint and state generation.
+
+As a user, in most cases you will only need the `load` functions here.
"""
from typing import Tuple , Union
@@ -90,7 +92,7 @@ Source code for hippynn.experiment.serialization
from ..graphs import GraphModule
from ..tools import device_fallback
from .assembly import TrainingModules
-
from .controllers import PatienceController
+
from .controllers import Controller
from .device import set_devices
from .metric_tracker import MetricTracker
@@ -101,13 +103,13 @@
Source code for hippynn.experiment.serialization
[docs]
def create_state (
model : GraphModule ,
-
controller : PatienceController ,
+
controller : Controller ,
metric_tracker : MetricTracker ,
) -> dict :
"""Create an experiment state dictionary.
:param model: current model
-
:param controller: patience controller
+
:param controller: controller
:param metric_tracker: current metrics
:return: dictionary containing experiment state.
:rtype: dict
@@ -126,7 +128,7 @@
Source code for hippynn.experiment.serialization
def create_structure_file (
training_modules : TrainingModules ,
database : Database ,
-
controller : PatienceController ,
+
controller : Controller ,
fname = DEFAULT_STRUCTURE_FNAME ,
) -> None :
"""
@@ -134,7 +136,7 @@
Source code for hippynn.experiment.serialization
:param training_modules: contains model, controller, and loss
:param database: database for training
-
:param controller: patience controller
+
:param controller: controller
:param fname: filename to save the checkpoint
:return: None
diff --git a/_modules/hippynn/graphs/gops.html b/_modules/hippynn/graphs/gops.html
index a8aedce0..2b28fe68 100644
--- a/_modules/hippynn/graphs/gops.html
+++ b/_modules/hippynn/graphs/gops.html
@@ -133,7 +133,8 @@
Source code for hippynn.graphs.gops
evaluation_inputs_list = []
evaluation_outputs_list = []
- unsatisfied_nodes = all_nodes . copy ()
+ # need to sort to get stable results between runs/processes.
+ unsatisfied_nodes = list ( sorted ( all_nodes , key = lambda node : node . name ))
satisfied_nodes = set ()
n = - 1
while len ( unsatisfied_nodes ) > 0 :
diff --git a/_modules/hippynn/interfaces/ase_interface/ase_database.html b/_modules/hippynn/interfaces/ase_interface/ase_database.html
index 5355c7a2..a77d015a 100644
--- a/_modules/hippynn/interfaces/ase_interface/ase_database.html
+++ b/_modules/hippynn/interfaces/ase_interface/ase_database.html
@@ -102,14 +102,14 @@ Source code for hippynn.interfaces.ase_interface.ase_database import
os
import numpy as np
-
from ase.io import read
+
from ase.io import read , iread
-
from ...tools import np_of_torchdefaultdtype
+
from ...tools import np_of_torchdefaultdtype , progress_bar
from ...databases.database import Database
from ...databases.restarter import Restartable
from typing import Union
from typing import List
-
+
import hippynn.tools
[docs]
@@ -169,11 +169,11 @@
Source code for hippynn.interfaces.ase_interface.ase_database var_list
= inputs + targets
try :
if isinstance ( filename , str ):
-
db = read ( directory + filename , index = ":" )
+
db = list ( progress_bar ( iread ( directory + filename , index = ":" ), desc = 'configs' )) #read(directory + filename, index=":")
elif isinstance ( filename , ( list , np . ndarray )):
db = []
-
for name in filename :
-
temp_db = read ( directory + name , index = ":" )
+
for name in progress_bar ( filename , desc = 'files' ):
+
temp_db = list ( progress_bar ( iread ( directory + name , index = ":" ), desc = 'configs' ))
db += temp_db
except FileNotFoundError as fee :
raise FileNotFoundError (
diff --git a/_modules/hippynn/layers/hiplayers.html b/_modules/hippynn/layers/hiplayers.html
index 5167421c..6f8adc85 100644
--- a/_modules/hippynn/layers/hiplayers.html
+++ b/_modules/hippynn/layers/hiplayers.html
@@ -426,16 +426,26 @@
Source code for hippynn.layers.hiplayers
n_atoms_real = in_features . shape [ 0 ]
sense_vals = self . sensitivity ( dist_pairs )
+ # Sensitivity stacking
+ sense_vec = sense_vals . unsqueeze ( 1 ) * ( coord_pairs / dist_pairs . unsqueeze ( 1 )) . unsqueeze ( 2 )
+ sense_vec = sense_vec . reshape ( - 1 , self . n_dist * 3 )
+ sense_stacked = torch . concatenate ([ sense_vals , sense_vec ], dim = 1 )
+
+ # Message passing, stack sensitivities to coalesce custom kernel call.
+ # shape (n_atoms, n_nu + 3*n_nu, n_feat)
+ env_features_stacked = custom_kernels . envsum ( sense_stacked , in_features , pair_first , pair_second )
+ # shape (n_atoms, 4, n_nu, n_feat)
+ env_features_stacked = env_features_stacked . reshape ( - 1 , 4 , self . n_dist , self . nf_in )
+
+ # separate to tensor components
+ env_features , env_features_vec = torch . split ( env_features_stacked , [ 1 , 3 ], dim = 1 )
+
# Scalar part
- env_features = custom_kernels . envsum ( sense_vals , in_features , pair_first , pair_second )
env_features = torch . reshape ( env_features , ( n_atoms_real , self . n_dist * self . nf_in ))
weights_rs = torch . reshape ( self . int_weights . permute ( 0 , 2 , 1 ), ( self . n_dist * self . nf_in , self . nf_out ))
features_out = torch . mm ( env_features , weights_rs )
# Vector part
- sense_vec = sense_vals . unsqueeze ( 1 ) * ( coord_pairs / dist_pairs . unsqueeze ( 1 )) . unsqueeze ( 2 )
- sense_vec = sense_vec . reshape ( - 1 , self . n_dist * 3 )
- env_features_vec = custom_kernels . envsum ( sense_vec , in_features , pair_first , pair_second )
env_features_vec = env_features_vec . reshape ( n_atoms_real * 3 , self . n_dist * self . nf_in )
features_out_vec = torch . mm ( env_features_vec , weights_rs )
features_out_vec = features_out_vec . reshape ( n_atoms_real , 3 , self . nf_out )
@@ -475,19 +485,41 @@ Source code for hippynn.layers.hiplayers
n_atoms_real = in_features . shape [ 0 ]
sense_vals = self . sensitivity ( dist_pairs )
- # Scalar part
- env_features = custom_kernels . envsum ( sense_vals , in_features , pair_first , pair_second )
+ ####
+ # Sensitivity calculations
+ # scalar: sense_vals
+ # vector: sense_vec
+ # quadrupole: sense_quad
+ rhats = coord_pairs / dist_pairs . unsqueeze ( 1 )
+ sense_vec = sense_vals . unsqueeze ( 1 ) * rhats . unsqueeze ( 2 )
+ sense_vec = sense_vec . reshape ( - 1 , self . n_dist * 3 )
+ rhatsquad = rhats . unsqueeze ( 1 ) * rhats . unsqueeze ( 2 )
+ rhatsquad = ( rhatsquad + rhatsquad . transpose ( 1 , 2 )) / 2
+ tr = torch . diagonal ( rhatsquad , dim1 = 1 , dim2 = 2 ) . sum ( dim = 1 ) / 3.0 # Add divide by 3 early to save flops
+ tr = tr . unsqueeze ( 1 ) . unsqueeze ( 2 ) * torch . eye ( 3 , dtype = tr . dtype , device = tr . device ) . unsqueeze ( 0 )
+ rhatsquad = rhatsquad - tr
+ rhatsqflat = rhatsquad . reshape ( - 1 , 9 )[:, self . upper_ind ] # Upper-diagonal part
+ sense_quad = sense_vals . unsqueeze ( 1 ) * rhatsqflat . unsqueeze ( 2 )
+ sense_quad = sense_quad . reshape ( - 1 , self . n_dist * 5 )
+ sense_stacked = torch . concatenate ([ sense_vals , sense_vec , sense_quad ], dim = 1 )
+
+ # Message passing, stack sensitivities to coalesce custom kernel call.
+ # shape (n_atoms, n_nu + 3*n_nu + 5*n_nu, n_feat)
+ env_features_stacked = custom_kernels . envsum ( sense_stacked , in_features , pair_first , pair_second )
+ # shape (n_atoms, 9, n_nu, n_feat)
+ env_features_stacked = env_features_stacked . reshape ( - 1 , 9 , self . n_dist , self . nf_in )
+
+ # separate to tensor components
+ env_features , env_features_vec , env_features_quad = torch . split ( env_features_stacked , [ 1 , 3 , 5 ], dim = 1 )
+
+ # Scalar stuff.
env_features = torch . reshape ( env_features , ( n_atoms_real , self . n_dist * self . nf_in ))
weights_rs = torch . reshape ( self . int_weights . permute ( 0 , 2 , 1 ), ( self . n_dist * self . nf_in , self . nf_out ))
features_out = torch . mm ( env_features , weights_rs )
# Vector part
# Sensitivity
- rhats = coord_pairs / dist_pairs . unsqueeze ( 1 )
- sense_vec = sense_vals . unsqueeze ( 1 ) * rhats . unsqueeze ( 2 )
- sense_vec = sense_vec . reshape ( - 1 , self . n_dist * 3 )
# Weights
- env_features_vec = custom_kernels . envsum ( sense_vec , in_features , pair_first , pair_second )
env_features_vec = env_features_vec . reshape ( n_atoms_real * 3 , self . n_dist * self . nf_in )
features_out_vec = torch . mm ( env_features_vec , weights_rs )
# Norm and scale
@@ -498,16 +530,7 @@ Source code for hippynn.layers.hiplayers
# Quadrupole part
# Sensitivity
- rhatsquad = rhats . unsqueeze ( 1 ) * rhats . unsqueeze ( 2 )
- rhatsquad = ( rhatsquad + rhatsquad . transpose ( 1 , 2 )) / 2
- tr = torch . diagonal ( rhatsquad , dim1 = 1 , dim2 = 2 ) . sum ( dim = 1 ) / 3.0 # Add divide by 3 early to save flops
- tr = tr . unsqueeze ( 1 ) . unsqueeze ( 2 ) * torch . eye ( 3 , dtype = tr . dtype , device = tr . device ) . unsqueeze ( 0 )
- rhatsquad = rhatsquad - tr
- rhatsqflat = rhatsquad . reshape ( - 1 , 9 )[:, self . upper_ind ] # Upper-diagonal part
- sense_quad = sense_vals . unsqueeze ( 1 ) * rhatsqflat . unsqueeze ( 2 )
- sense_quad = sense_quad . reshape ( - 1 , self . n_dist * 5 )
# Weights
- env_features_quad = custom_kernels . envsum ( sense_quad , in_features , pair_first , pair_second )
env_features_quad = env_features_quad . reshape ( n_atoms_real * 5 , self . n_dist * self . nf_in )
features_out_quad = torch . mm ( env_features_quad , weights_rs ) ##sum v b
features_out_quad = features_out_quad . reshape ( n_atoms_real , 5 , self . nf_out )
@@ -519,6 +542,7 @@ Source code for hippynn.layers.hiplayers
# Scales
features_out_quad = features_out_quad * self . quadscales . unsqueeze ( 0 )
+ # Combine
features_out_selfpart = self . selfint ( in_features )
features_out_total = features_out + features_out_vec + features_out_quad + features_out_selfpart
diff --git a/_modules/hippynn/pretraining.html b/_modules/hippynn/pretraining.html
index 97d8e47c..c8a5d9b4 100644
--- a/_modules/hippynn/pretraining.html
+++ b/_modules/hippynn/pretraining.html
@@ -150,7 +150,7 @@ Source code for hippynn.pretraining
if not eo_layer . weight . data . shape [ - 1 ] == eovals . shape [ - 1 ]:
raise ValueError ( "The shape of the computed E0 values does not match the shape expected by the model." )
- eo_layer . weight . data = eovals . reshape ( 1 , - 1 )
+ eo_layer . weight . data = eovals . reshape ( 1 , - 1 )
print ( "Computed E0 energies:" , eovals )
eo_layer . weight . data = eovals . expand_as ( eo_layer . weight . data )
eo_layer . weight . requires_grad_ ( trainable_after )
diff --git a/_modules/hippynn/tools.html b/_modules/hippynn/tools.html
index 76315e82..8b253050 100644
--- a/_modules/hippynn/tools.html
+++ b/_modules/hippynn/tools.html
@@ -243,9 +243,9 @@ Source code for hippynn.tools
[docs]
-
def print_lr ( optimizer ):
+
def print_lr ( optimizer , print_ = print ):
for i , param_group in enumerate ( optimizer . param_groups ):
-
print ( "Learning rate: {:>10.5g} " . format ( param_group [ "lr" ]))
+ print_ ( "Learning rate: {:>10.5g} " . format ( param_group [ "lr" ]))
@@ -343,6 +343,24 @@ Source code for hippynn.tools
+
+
[docs]
+
def recursive_param_count ( state_dict , n = 0 ):
+
for k , v in state_dict . items ():
+
if isinstance ( v , torch . Tensor ):
+
n += v . numel ()
+
elif isinstance ( v , dict ):
+
n += recursive_param_count ( v )
+
elif isinstance ( v , ( list , tuple )):
+
n += recursive_param_count ({ i : x for i , x in enumerate ( v )})
+
elif isinstance ( v , ( float , int )):
+
n += 1
+
elif v is None :
+
pass
+
else :
+
raise TypeError ( f 'Unknown type { type ( v ) =} , value= { v } ' )
+
return n
+
diff --git a/_modules/index.html b/_modules/index.html
index 71e726c0..0e5884d8 100644
--- a/_modules/index.html
+++ b/_modules/index.html
@@ -80,6 +80,7 @@ All modules for which code is available
hippynn.custom_kernels.env_cupy
hippynn.custom_kernels.env_numba
hippynn.custom_kernels.env_pytorch
+
hippynn.custom_kernels.env_triton
hippynn.custom_kernels.tensor_wrapper
hippynn.custom_kernels.test_env_numba
hippynn.custom_kernels.utils
@@ -91,6 +92,7 @@
All modules for which code is available
hippynn.experiment.controllers
hippynn.experiment.device
hippynn.experiment.evaluator
+
hippynn.experiment.lightning_trainer
hippynn.experiment.metric_tracker
hippynn.experiment.routines
hippynn.experiment.serialization
diff --git a/_sources/api_documentation/hippynn.experiment.lightning_trainer.rst.txt b/_sources/api_documentation/hippynn.experiment.lightning_trainer.rst.txt
new file mode 100644
index 00000000..0ec1714c
--- /dev/null
+++ b/_sources/api_documentation/hippynn.experiment.lightning_trainer.rst.txt
@@ -0,0 +1,7 @@
+hippynn.experiment.lightning\_trainer module
+============================================
+
+.. automodule:: hippynn.experiment.lightning_trainer
+ :members:
+ :undoc-members:
+ :show-inheritance:
diff --git a/_sources/api_documentation/hippynn.experiment.rst.txt b/_sources/api_documentation/hippynn.experiment.rst.txt
index 3758f813..73ed4b81 100644
--- a/_sources/api_documentation/hippynn.experiment.rst.txt
+++ b/_sources/api_documentation/hippynn.experiment.rst.txt
@@ -16,6 +16,7 @@ Submodules
hippynn.experiment.controllers
hippynn.experiment.device
hippynn.experiment.evaluator
+ hippynn.experiment.lightning_trainer
hippynn.experiment.metric_tracker
hippynn.experiment.routines
hippynn.experiment.serialization
diff --git a/_sources/installation.rst.txt b/_sources/installation.rst.txt
index 54384e44..4064fea9 100644
--- a/_sources/installation.rst.txt
+++ b/_sources/installation.rst.txt
@@ -10,16 +10,18 @@ Requirements:
* Python_ >= 3.9
* pytorch_ >= 1.9
* numpy_
+
Optional Dependencies:
* triton_ (recommended, for improved GPU performance)
* numba_ (recommended for improved CPU performance)
- * cupy_ (Alternative for accelerating GPU performance)
- * ASE_ (for usage with ase)
+ * cupy_ (alternative for accelerating GPU performance)
+ * ASE_ (for usage with ase and other misc. features)
* matplotlib_ (for plotting)
* tqdm_ (for progress bars)
- * graphviz_ (for viewing model graphs as figures)
+ * graphviz_ (for visualizing model graphs)
* h5py_ (for loading ani-h5 datasets)
* pyanitools_ (for loading ani-h5 datasets)
+ * pytorch-lightning_ (for distributed training)
Interfacing codes:
* ASE_
@@ -40,7 +42,7 @@ Interfacing codes:
.. _ASE: https://wiki.fysik.dtu.dk/ase/
.. _LAMMPS: https://www.lammps.org/
.. _PYSEQM: https://github.com/lanl/PYSEQM
-
+.. _pytorch-lightning: https://github.com/Lightning-AI/pytorch-lightning
Installation Instructions
^^^^^^^^^^^^^^^^^^^^^^^^^
@@ -67,9 +69,6 @@ Clone the hippynn_ repository and navigate into it, e.g.::
.. _hippynn: https://github.com/lanl/hippynn/
-.. note::
- If you wish to do a cpu-only install, you may need to comment
- out ``cupy`` from the conda_requirements.txt file.
Dependencies using conda
........................
@@ -78,6 +77,10 @@ Install dependencies from conda using recommended channels::
$ conda install -c pytorch -c conda-forge --file conda_requirements.txt
+.. note::
+ If you wish to do a cpu-only install, you may need to comment
+ out ``cupy`` from the conda_requirements.txt file.
+
Dependencies using pip
.......................
diff --git a/_sources/user_guide/settings.rst.txt b/_sources/user_guide/settings.rst.txt
index d8657de4..c6764206 100644
--- a/_sources/user_guide/settings.rst.txt
+++ b/_sources/user_guide/settings.rst.txt
@@ -31,7 +31,7 @@ The following settings are available:
- Dynamic
* - PROGRESS
- Progress bars function during training, evaluation, and prediction
- - tqdm, none
+ - tqdm, none, or floating point string specifying default update rate in seconds (default 1).
- tqdm
- Yes, but assign this to a generator-wrapper such as ``tqdm.tqdm``, or with a python ``None`` to disable. The wrapper must accept ``tqdm`` arguments, although it technically doesn't have to do anything with them.
* - DEFAULT_PLOT_FILETYPE
diff --git a/api_documentation/hippynn.custom_kernels.env_triton.html b/api_documentation/hippynn.custom_kernels.env_triton.html
index 44efd06c..1e11e09f 100644
--- a/api_documentation/hippynn.custom_kernels.env_triton.html
+++ b/api_documentation/hippynn.custom_kernels.env_triton.html
@@ -59,7 +59,16 @@
hippynn.custom_kernels.env_cupy module
hippynn.custom_kernels.env_numba module
hippynn.custom_kernels.env_pytorch module
-
hippynn.custom_kernels.env_triton module
+
hippynn.custom_kernels.env_triton module
+
hippynn.custom_kernels.fast_convert module
hippynn.custom_kernels.tensor_wrapper module
hippynn.custom_kernels.test_env_cupy module
@@ -116,8 +125,47 @@
-
-hippynn.custom_kernels.env_triton module
+
+hippynn.custom_kernels.env_triton module
+
+
+config_pruner ( configs , nargs , ** kwargs ) [source]
+Trims the unnecessary config options based on the sens. and feat. sizes
+
+
+
+
+envsum ( sense , features , pfirst , psecond ) [source]
+
+
+
+
+envsum_triton ( sensitivities , features , pair_first , pair_second , atom_ids , atom_starts , out_env = None ) [source]
+
+
+
+
+featsum ( env , sense , pfirst , psecond ) [source]
+
+
+
+
+featsum_triton ( env , sense , pair_first , pair_second , atom2_ids , atom2_starts , out_feat = None ) [source]
+
+
+
+
+get_autotune_config ( ) [source]
+Create a list of config options for the kernels
+TODO: Need to spend time actually figuring out more reasonable options
+targeted for modern GPUs
+
+
+
+
+sensesum ( env , features , pair_first , pair_second , out_sense = None ) [source]
+
+
diff --git a/api_documentation/hippynn.custom_kernels.html b/api_documentation/hippynn.custom_kernels.html
index 9f8c3800..221d25a4 100644
--- a/api_documentation/hippynn.custom_kernels.html
+++ b/api_documentation/hippynn.custom_kernels.html
@@ -186,7 +186,16 @@ hippynn.custom_kernels.env_triton module
+hippynn.custom_kernels.env_triton module
+
hippynn.custom_kernels.fast_convert module
diff --git a/api_documentation/hippynn.custom_kernels.test_env_triton.html b/api_documentation/hippynn.custom_kernels.test_env_triton.html
index a4076a9c..33c34c9b 100644
--- a/api_documentation/hippynn.custom_kernels.test_env_triton.html
+++ b/api_documentation/hippynn.custom_kernels.test_env_triton.html
@@ -116,8 +116,8 @@
-
-hippynn.custom_kernels.test_env_triton module
+
+hippynn.custom_kernels.test_env_triton module
diff --git a/api_documentation/hippynn.databases.SNAPJson.html b/api_documentation/hippynn.databases.SNAPJson.html
index 6b2bb4c2..025c5d4f 100644
--- a/api_documentation/hippynn.databases.SNAPJson.html
+++ b/api_documentation/hippynn.databases.SNAPJson.html
@@ -149,6 +149,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
diff --git a/api_documentation/hippynn.databases.database.html b/api_documentation/hippynn.databases.database.html
index 532916f4..627ab977 100644
--- a/api_documentation/hippynn.databases.database.html
+++ b/api_documentation/hippynn.databases.database.html
@@ -147,12 +147,12 @@
Base database functionality from dictionary of numpy arrays
-class Database ( arr_dict , inputs , targets , seed , test_size = None , valid_size = None , num_workers = 0 , pin_memory = True , allow_unfound = False , auto_split = False , device = None , quiet = False ) [source]
+class Database ( arr_dict: dict[str, ~torch.Tensor], inputs: list[str], targets: list[str], seed: [<class 'int'>, <class 'numpy.random.mtrand.RandomState'>, <class 'tuple'>], test_size: float | int | None = None, valid_size: float | int | None = None, num_workers: int = 0, pin_memory: bool = True, allow_unfound: bool = False, auto_split: bool = False, device: ~torch.device | None = None, dataloader_kwargs: dict[str, object] | None = None, quiet=False ) [source]
Bases: object
Class for holding a pytorch dataset, splitting it, generating dataloaders, etc.”
-__init__ ( arr_dict , inputs , targets , seed , test_size = None , valid_size = None , num_workers = 0 , pin_memory = True , allow_unfound = False , auto_split = False , device = None , quiet = False ) [source]
+__init__ ( arr_dict: dict[str, ~torch.Tensor], inputs: list[str], targets: list[str], seed: [<class 'int'>, <class 'numpy.random.mtrand.RandomState'>, <class 'tuple'>], test_size: float | int | None = None, valid_size: float | int | None = None, num_workers: int = 0, pin_memory: bool = True, allow_unfound: bool = False, auto_split: bool = False, device: ~torch.device | None = None, dataloader_kwargs: dict[str, object] | None = None, quiet=False ) [source]
Parameters:
@@ -169,6 +169,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
@@ -379,7 +382,7 @@
-write_npz ( file : str , record_split_masks : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ) [source]
+write_npz ( file : str , record_split_masks : bool = True , compressed : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ) [source]
Parameters:
diff --git a/api_documentation/hippynn.databases.html b/api_documentation/hippynn.databases.html
index ad2946bd..2fd00500 100644
--- a/api_documentation/hippynn.databases.html
+++ b/api_documentation/hippynn.databases.html
@@ -195,6 +195,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
@@ -226,12 +229,12 @@
-class Database ( arr_dict , inputs , targets , seed , test_size = None , valid_size = None , num_workers = 0 , pin_memory = True , allow_unfound = False , auto_split = False , device = None , quiet = False ) [source]
+class Database ( arr_dict: dict[str, ~torch.Tensor], inputs: list[str], targets: list[str], seed: [<class 'int'>, <class 'numpy.random.mtrand.RandomState'>, <class 'tuple'>], test_size: float | int | None = None, valid_size: float | int | None = None, num_workers: int = 0, pin_memory: bool = True, allow_unfound: bool = False, auto_split: bool = False, device: ~torch.device | None = None, dataloader_kwargs: dict[str, object] | None = None, quiet=False ) [source]
Bases: object
Class for holding a pytorch dataset, splitting it, generating dataloaders, etc.”
-__init__ ( arr_dict , inputs , targets , seed , test_size = None , valid_size = None , num_workers = 0 , pin_memory = True , allow_unfound = False , auto_split = False , device = None , quiet = False ) [source]
+__init__ ( arr_dict: dict[str, ~torch.Tensor], inputs: list[str], targets: list[str], seed: [<class 'int'>, <class 'numpy.random.mtrand.RandomState'>, <class 'tuple'>], test_size: float | int | None = None, valid_size: float | int | None = None, num_workers: int = 0, pin_memory: bool = True, allow_unfound: bool = False, auto_split: bool = False, device: ~torch.device | None = None, dataloader_kwargs: dict[str, object] | None = None, quiet=False ) [source]
Parameters:
@@ -248,6 +251,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
@@ -458,7 +464,7 @@
-write_npz ( file : str , record_split_masks : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ) [source]
+write_npz ( file : str , record_split_masks : bool = True , compressed : bool = True , overwrite : bool = False , split_prefix = None , return_only = False ) [source]
Parameters:
@@ -516,6 +522,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
@@ -557,6 +566,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
diff --git a/api_documentation/hippynn.databases.ondisk.html b/api_documentation/hippynn.databases.ondisk.html
index f822a197..3e09d4cf 100644
--- a/api_documentation/hippynn.databases.ondisk.html
+++ b/api_documentation/hippynn.databases.ondisk.html
@@ -169,6 +169,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
@@ -210,6 +213,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
diff --git a/api_documentation/hippynn.experiment.assembly.html b/api_documentation/hippynn.experiment.assembly.html
index 1930f8e0..a6f72f8a 100644
--- a/api_documentation/hippynn.experiment.assembly.html
+++ b/api_documentation/hippynn.experiment.assembly.html
@@ -79,6 +79,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
diff --git a/api_documentation/hippynn.experiment.controllers.html b/api_documentation/hippynn.experiment.controllers.html
index a4eecb15..f276e9b6 100644
--- a/api_documentation/hippynn.experiment.controllers.html
+++ b/api_documentation/hippynn.experiment.controllers.html
@@ -81,6 +81,7 @@
RaiseBatchSizeOnPlateau
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
@@ -190,7 +192,7 @@
-push_epoch ( epoch , better_model , metric ) [source]
+push_epoch ( epoch , better_model , metric , _print=<built-in function print> ) [source]
@@ -226,16 +228,17 @@
-push_epoch ( epoch , better_model , metric ) [source]
+push_epoch ( epoch , better_model , metric , _print=<built-in function print> ) [source]
-class RaiseBatchSizeOnPlateau ( optimizer , max_batch_size , factor = 0.5 , patience = 10 , threshold = 0.0001 , threshold_mode = 'rel' , verbose = True , controller = None ) [source]
-Bases: object
+class RaiseBatchSizeOnPlateau ( optimizer , max_batch_size , factor = 0.5 , patience = 10 , threshold = 0.0001 , threshold_mode = 'rel' , verbose = None , controller = None ) [source]
+Bases: ReduceLROnPlateau
Learning rate scheduler compatible with pytorch schedulers.
+Note: The “VERBOSE” Parameter has been deprecated and no longer does anything.
This roughly implements the scheme outlined in the following paper:
"Don't Decay the Learning Rate, Increase the Batch Size"
Samuel L. Smith et al., 2018.
@@ -253,12 +256,39 @@
-__init__ ( optimizer , max_batch_size , factor = 0.5 , patience = 10 , threshold = 0.0001 , threshold_mode = 'rel' , verbose = True , controller = None ) [source]
-
+
__init__ ( optimizer ,
max_batch_size ,
factor = 0.5 ,
patience = 10 ,
threshold = 0.0001 ,
threshold_mode = 'rel' ,
verbose = None ,
controller = None ) [source]
+
+Parameters:
+
+optimizer
+max_batch_size
+factor
+patience
+threshold
+threshold_mode
+verbose
+controller
+
+
+
+
load_state_dict ( state_dict ) [source]
+Loads the schedulers state.
+
+Args:
+state_dict (dict): scheduler state. Should be an object returned from a call to state_dict()
.
+
+
+
+
+
+
+
+
+property optimizer
@@ -269,7 +299,10 @@
state_dict ( ) [source]
-
+Returns the state of the scheduler as a dict
.
+It contains an entry for every variable in self.__dict__ which
+is not the optimizer.
+
diff --git a/api_documentation/hippynn.experiment.device.html b/api_documentation/hippynn.experiment.device.html
index a8c128ce..f2d90aec 100644
--- a/api_documentation/hippynn.experiment.device.html
+++ b/api_documentation/hippynn.experiment.device.html
@@ -69,6 +69,7 @@
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
diff --git a/api_documentation/hippynn.experiment.evaluator.html b/api_documentation/hippynn.experiment.evaluator.html
index 20deabe0..5bb35971 100644
--- a/api_documentation/hippynn.experiment.evaluator.html
+++ b/api_documentation/hippynn.experiment.evaluator.html
@@ -22,7 +22,7 @@
-
+
@@ -74,6 +74,7 @@
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
@@ -119,7 +120,7 @@
@@ -178,7 +179,7 @@
diff --git a/api_documentation/hippynn.experiment.html b/api_documentation/hippynn.experiment.html
index 22312054..dd1f7ce8 100644
--- a/api_documentation/hippynn.experiment.html
+++ b/api_documentation/hippynn.experiment.html
@@ -79,6 +79,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
@@ -444,6 +445,7 @@ SubmodulesRaiseBatchSizeOnPlateau
RaiseBatchSizeOnPlateau.__init__()
RaiseBatchSizeOnPlateau.load_state_dict()
+RaiseBatchSizeOnPlateau.optimizer
RaiseBatchSizeOnPlateau.set_controller()
RaiseBatchSizeOnPlateau.state_dict()
RaiseBatchSizeOnPlateau.step()
@@ -465,6 +467,38 @@ hippynn.experiment.metric_tracker module
MetricTracker
MetricTracker.__init__()
diff --git a/api_documentation/hippynn.experiment.lightning_trainer.html b/api_documentation/hippynn.experiment.lightning_trainer.html
new file mode 100644
index 00000000..d7393256
--- /dev/null
+++ b/api_documentation/hippynn.experiment.lightning_trainer.html
@@ -0,0 +1,320 @@
+
+
+
+
+
+
+ hippynn.experiment.lightning_trainer module — hippynn 0+unknown documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ hippynn
+
+
+
+
+
+
+
+
+
+hippynn.experiment.lightning_trainer module
+Pytorch Lightning training interface.
+This module is somewhat experimental. Using pytorch lightning
+successfully in a distributed context may require understanding
+and adjusting the various settings related to parallelism, e.g.
+multiprocessing context, torch ddp backend, and how they interact
+with your HPC environment.
+
+Some features of hippynn experiments may not be implemented yet.
+
+
+
+
+class HippynnDataModule ( * args : Any , ** kwargs : Any ) [source]
+Bases: LightningDataModule
+
+
+__init__ ( database : Database , batch_size ) [source]
+
+
+
+
+test_dataloader ( ) [source]
+
+
+
+
+train_dataloader ( ) [source]
+
+
+
+
+val_dataloader ( ) [source]
+
+
+
+
+
+
+class HippynnLightningModule ( * args : Any , ** kwargs : Any ) [source]
+Bases: LightningModule
+
+
+__init__ ( model: ~hippynn.graphs.graph.GraphModule, loss: ~hippynn.graphs.graph.GraphModule, eval_loss: ~hippynn.graphs.graph.GraphModule, eval_names: list[str], stopping_key: str, optimizer_list: list[~torch.optim.optimizer.Optimizer], scheduler_list: list[<module 'torch.optim.lr_scheduler' from '/opt/hostedtoolcache/Python/3.9.19/x64/lib/python3.9/site-packages/torch/optim/lr_scheduler.py'>], controller: ~hippynn.experiment.controllers.Controller, metric_tracker: ~hippynn.experiment.metric_tracker.MetricTracker, inputs: list[str], targets: list[str], n_outputs: int, *args, **kwargs ) [source]
+
+
+
+
+configure_optimizers ( ) [source]
+
+
+
+
+classmethod from_experiment_setup ( training_modules : TrainingModules , database : Database , setup_params : SetupParams , ** kwargs ) [source]
+
+
+
+
+classmethod from_train_setup ( training_modules : TrainingModules , database : Database , controller : Controller , metric_tracker : MetricTracker , callbacks = None , batch_callbacks = None , ** kwargs ) [source]
+
+
+
+
+classmethod load_from_checkpoint ( checkpoint_path , map_location = None , structure_file = None , hparams_file = None , strict = True , ** kwargs ) [source]
+
+
+
+
+on_load_checkpoint ( checkpoint ) → None [source]
+
+
+
+
+on_save_checkpoint ( checkpoint ) → None [source]
+
+
+
+
+on_test_end ( ) [source]
+
+
+
+
+on_test_epoch_end ( ) [source]
+
+
+
+
+on_train_epoch_start ( ) [source]
+
+
+
+
+on_validation_end ( ) [source]
+
+
+
+
+on_validation_epoch_end ( ) [source]
+
+
+
+
+test_step ( batch , batch_idx ) [source]
+
+
+
+
+training_step ( batch , batch_idx ) [source]
+
+
+
+
+validation_step ( batch , batch_idx ) [source]
+
+
+
+
+
+
+class LightingPrintStagesCallback ( * args : Any , ** kwargs : Any ) [source]
+Bases: Callback
+This callback is for debugging only.
+It prints whenever a callback stage is entered in pytorch lightning.
+
+
+k = '__weakref__'
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/api_documentation/hippynn.experiment.metric_tracker.html b/api_documentation/hippynn.experiment.metric_tracker.html
index c245e7f8..e4aa7bd5 100644
--- a/api_documentation/hippynn.experiment.metric_tracker.html
+++ b/api_documentation/hippynn.experiment.metric_tracker.html
@@ -23,7 +23,7 @@
-
+
@@ -66,6 +66,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
@@ -179,12 +180,12 @@
-evaluation_print ( evaluation_dict , quiet = None ) [source]
+evaluation_print ( evaluation_dict , quiet=None , _print=<built-in function print> ) [source]
-evaluation_print_better ( evaluation_dict , better_dict , quiet = None ) [source]
+evaluation_print_better ( evaluation_dict , better_dict , quiet=None , _print=<built-in function print> ) [source]
@@ -217,7 +218,7 @@
-table_evaluation_print ( evaluation_dict , metric_names , n_columns ) [source]
+table_evaluation_print ( evaluation_dict , metric_names , n_columns , _print=<built-in function print> ) [source]
Print metric results as a table.
Parameters:
@@ -235,7 +236,7 @@
-table_evaluation_print_better ( evaluation_dict , better_dict , metric_names , n_columns ) [source]
+table_evaluation_print_better ( evaluation_dict , better_dict , metric_names , n_columns , _print=<built-in function print> ) [source]
Print metric results as a table, add a ‘*’ character for metrics in better_dict.
Parameters:
@@ -258,7 +259,7 @@
diff --git a/api_documentation/hippynn.experiment.routines.html b/api_documentation/hippynn.experiment.routines.html
index 854ebfb3..7211e7b0 100644
--- a/api_documentation/hippynn.experiment.routines.html
+++ b/api_documentation/hippynn.experiment.routines.html
@@ -66,6 +66,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
SetupParams
diff --git a/api_documentation/hippynn.experiment.serialization.html b/api_documentation/hippynn.experiment.serialization.html
index 7d878ee6..2582389e 100644
--- a/api_documentation/hippynn.experiment.serialization.html
+++ b/api_documentation/hippynn.experiment.serialization.html
@@ -66,6 +66,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
@@ -130,7 +131,8 @@
hippynn.experiment.serialization module
-checkpoint and state generation
+Checkpoint and state generation.
+As a user, in most cases you will only need the load functions here.
check_mapping_devices ( map_location , model_device ) [source]
@@ -153,13 +155,13 @@
-create_state ( model : GraphModule , controller : PatienceController , metric_tracker : MetricTracker ) → dict [source]
+create_state ( model : GraphModule , controller : Controller , metric_tracker : MetricTracker ) → dict [source]
Create an experiment state dictionary.
Parameters:
@@ -174,14 +176,14 @@
-create_structure_file ( training_modules : TrainingModules , database : Database , controller : PatienceController , fname = 'experiment_structure.pt' ) → None [source]
+create_structure_file ( training_modules : TrainingModules , database : Database , controller : Controller , fname = 'experiment_structure.pt' ) → None [source]
Save an experiment structure. (i.e. full model, not just state_dict).
Parameters:
training_modules – contains model, controller, and loss
database – database for training
-controller – patience controller
+controller – controller
fname – filename to save the checkpoint
diff --git a/api_documentation/hippynn.experiment.step_functions.html b/api_documentation/hippynn.experiment.step_functions.html
index b20873c4..74571440 100644
--- a/api_documentation/hippynn.experiment.step_functions.html
+++ b/api_documentation/hippynn.experiment.step_functions.html
@@ -66,6 +66,7 @@
hippynn.experiment.controllers module
hippynn.experiment.device module
hippynn.experiment.evaluator module
+hippynn.experiment.lightning_trainer module
hippynn.experiment.metric_tracker module
hippynn.experiment.routines module
hippynn.experiment.serialization module
diff --git a/api_documentation/hippynn.html b/api_documentation/hippynn.html
index b555dd9c..88d1f7be 100644
--- a/api_documentation/hippynn.html
+++ b/api_documentation/hippynn.html
@@ -155,7 +155,16 @@
-hippynn.custom_kernels.env_triton module
+hippynn.custom_kernels.env_triton module
+
hippynn.custom_kernels.fast_convert module
@@ -387,6 +396,7 @@
hippynn.experiment.metric_tracker module
MetricTracker
print_lr()
progress_bar()
+recursive_param_count()
teed_file_output
teed_file_output.__init__()
teed_file_output.flush()
diff --git a/api_documentation/hippynn.interfaces.ase_interface.ase_database.html b/api_documentation/hippynn.interfaces.ase_interface.ase_database.html
index fcad1b3b..2c5259fb 100644
--- a/api_documentation/hippynn.interfaces.ase_interface.ase_database.html
+++ b/api_documentation/hippynn.interfaces.ase_interface.ase_database.html
@@ -188,6 +188,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
diff --git a/api_documentation/hippynn.interfaces.ase_interface.html b/api_documentation/hippynn.interfaces.ase_interface.html
index 8e3c4284..506fa505 100644
--- a/api_documentation/hippynn.interfaces.ase_interface.html
+++ b/api_documentation/hippynn.interfaces.ase_interface.html
@@ -189,6 +189,9 @@
allow_unfound – If true, skip checking if the needed inputs and targets are found.
This allows setting inputs=None and/or targets=None.
auto_split – If true, look for keys like “split_*” to make initial splits from. See write_npz() method.
+device – if set, move the dataset to this device after splitting.
+dataloader_kwargs – dictionary, passed to pytorch dataloaders in addition to num_workers, pin_memory.
+Refer to pytorch documentation for details.
quiet – If True, print little or nothing while loading.
diff --git a/api_documentation/hippynn.tools.html b/api_documentation/hippynn.tools.html
index 00a9e3fe..c40e4995 100644
--- a/api_documentation/hippynn.tools.html
+++ b/api_documentation/hippynn.tools.html
@@ -66,6 +66,7 @@
param_print()
print_lr()
progress_bar()
+recursive_param_count()
teed_file_output
teed_file_output.__init__()
teed_file_output.flush()
@@ -214,7 +215,7 @@
-print_lr ( optimizer ) [source]
+print_lr ( optimizer , print_=<built-in function print> ) [source]
@@ -222,6 +223,11 @@
progress_bar ( iterable , * args , ** kwargs ) [source]
+
+
+recursive_param_count ( state_dict , n = 0 ) [source]
+
+
class teed_file_output ( * streams ) [source]
diff --git a/api_documentation/modules.html b/api_documentation/modules.html
index fe9ed750..f0117af8 100644
--- a/api_documentation/modules.html
+++ b/api_documentation/modules.html
@@ -173,6 +173,7 @@ hippynn
-
+
+ config_pruner() (in module hippynn.custom_kernels.env_triton)
+
+ configure_optimizers() (HippynnLightningModule method)
+
construct_outputs() (in module hippynn.graphs.ensemble)
Controller (class in hippynn.experiment.controllers)
@@ -903,6 +911,12 @@ E
Envops_tester (class in hippynn.custom_kernels.test_env_numba)
envsum() (in module hippynn.custom_kernels.env_pytorch)
+
+
+ envsum_triton() (in module hippynn.custom_kernels.env_triton)
eval_batch_size (SetupParams attribute) , [1]
@@ -1077,6 +1091,12 @@ F
featsum() (in module hippynn.custom_kernels.env_pytorch)
+
+
+ featsum_triton() (in module hippynn.custom_kernels.env_triton)
filter_arrays() (SNAPDirectoryDatabase method)
@@ -1307,8 +1327,12 @@ F
fraction_train_eval (SetupParams attribute) , [1]
from_evaluator() (MetricTracker class method)
+
+ from_experiment_setup() (HippynnLightningModule class method)
from_graph() (Predictor class method) , [1]
+
+ from_train_setup() (HippynnLightningModule class method)
FuzzyHistogram (class in hippynn.layers.indexers)
@@ -1327,6 +1351,8 @@ G
generate_database_info() (in module hippynn.experiment.assembly)
GeometryOptimizer (class in hippynn.optimizer.algorithms)
+
+ get_autotune_config() (in module hippynn.custom_kernels.env_triton)
get_charges() (HippynnCalculator method) , [1]
@@ -1357,11 +1383,11 @@ G
get_free_energy() (HippynnCalculator method) , [1]
get_graphs() (in module hippynn.graphs.ensemble)
-
- get_magmom() (HippynnCalculator method) , [1]
+ get_magmom() (HippynnCalculator method) , [1]
+
get_magmoms() (HippynnCalculator method) , [1]
get_main_outputs() (ParentExpander method)
@@ -1490,6 +1516,13 @@ H
+
+ hippynn.custom_kernels.env_triton
+
+
@@ -1518,6 +1551,13 @@ H
+
+ hippynn.custom_kernels.test_env_triton
+
+
@@ -1595,6 +1635,13 @@ H
+
+ hippynn.experiment.lightning_trainer
+
+
@@ -1786,6 +1833,8 @@ H
module
+
+
hippynn.graphs.nodes.misc
@@ -1793,8 +1842,6 @@ H
module
-
-
+ HippynnDataModule (class in hippynn.experiment.lightning_trainer)
+
+ HippynnLightningModule (class in hippynn.experiment.lightning_trainer)
+
Hist1D (class in hippynn.plotting.plotters)
Hist1DComp (class in hippynn.plotting.plotters)
@@ -2287,12 +2338,14 @@ I
K
learning_rate (SetupParams attribute) , [1]
+
+ LightingPrintStagesCallback (class in hippynn.experiment.lightning_trainer)
ListMod (class in hippynn.layers.algebra)
@@ -2342,19 +2397,21 @@ L
load_checkpoint() (in module hippynn.experiment.serialization)
load_checkpoint_from_cwd() (in module hippynn.experiment.serialization)
+
+ load_from_checkpoint() (HippynnLightningModule class method)
load_model_from_cwd() (in module hippynn.experiment.serialization)
load_saved_tensors() (in module hippynn.experiment.serialization)
+
+
-
LocalAtomEnergyNode (class in hippynn.interfaces.lammps_interface.mliap_interface)
LocalAtomsEnergy (class in hippynn.interfaces.lammps_interface.mliap_interface)
@@ -2532,6 +2589,8 @@ M
hippynn.custom_kernels.env_numba
hippynn.custom_kernels.env_pytorch
+
+ hippynn.custom_kernels.env_triton
hippynn.custom_kernels.fast_convert
@@ -2540,6 +2599,8 @@ M
hippynn.custom_kernels.test_env_cupy
hippynn.custom_kernels.test_env_numba
+
+ hippynn.custom_kernels.test_env_triton
hippynn.custom_kernels.utils
@@ -2562,6 +2623,8 @@ M
hippynn.experiment.device
hippynn.experiment.evaluator
+
+ hippynn.experiment.lightning_trainer
hippynn.experiment.metric_tracker
@@ -2825,11 +2888,27 @@ O
+
-
- optimizer (SetupParams attribute) , [1]
+ optimizer (RaiseBatchSizeOnPlateau property)
+
+
out_shape() (NumbaCompatibleTensorFunction method)
@@ -3079,6 +3160,8 @@ R
rebuild_neighbors() (HippynnCalculator method) , [1]
recalculation_needed() (PairMemory method)
+
+ recursive_param_count() (in module hippynn.tools)
ReduceSingleNode (class in hippynn.graphs.nodes.loss)
@@ -3211,7 +3294,11 @@ S
send_to_device() (Database method) , [1]
sensesum() (in module hippynn.custom_kernels.env_pytorch)
+
+
sensitivity_layers (Hipnn property)
SensitivityBottleneck (class in hippynn.layers.hiplayers)
@@ -3401,6 +3488,8 @@ T
teed_file_output (class in hippynn.tools)
temporary_parents() (in module hippynn.graphs.nodes.base.definition_helpers)
+
+ test_dataloader() (HippynnDataModule method)
test_model() (in module hippynn.experiment)
@@ -3408,6 +3497,8 @@ T
(in module hippynn.experiment.routines)
+ test_step() (HippynnLightningModule method)
+
TimedSnippet (class in hippynn.custom_kernels.test_env_numba)
TimerHolder (class in hippynn.custom_kernels.test_env_numba)
@@ -3465,6 +3556,8 @@ T
training_loop() (in module hippynn.experiment.routines)
+
+ training_step() (HippynnLightningModule method)
TrainingModules (class in hippynn.experiment.assembly)
@@ -3518,6 +3613,10 @@ U
V
Interfacing codes:
@@ -149,17 +150,17 @@ Install from source:
+
+
+
+ hippynn.custom_kernels.env_triton
+
@@ -139,6 +144,11 @@ Python Module Index
hippynn.custom_kernels.test_env_numba
+
+
+
+ hippynn.custom_kernels.test_env_triton
+
@@ -194,6 +204,11 @@ Python Module Index
hippynn.experiment.evaluator
+
+
+
+ hippynn.experiment.lightning_trainer
+
diff --git a/searchindex.js b/searchindex.js
index 8937c008..82b0b17e 100644
--- a/searchindex.js
+++ b/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"A MultiNode": [[125, "a-multinode"]], "ASE Calculators": [[107, null]], "ASE Objects Database handling": [[126, "ase-objects-database-handling"]], "Adding constraints to possible parents": [[125, "adding-constraints-to-possible-parents"]], "Advanced Details": [[118, "advanced-details"]], "Bottom line up front": [[123, "bottom-line-up-front"]], "Caching Pre-computed Pairs": [[115, "caching-pre-computed-pairs"]], "Conda": [[121, "conda"]], "Contents:": [[120, null], [128, null]], "Controller": [[108, null]], "Creating Custom Node Types": [[125, null]], "Cross-device restart": [[118, "cross-device-restart"]], "Custom Kernels": [[123, null]], "Custom Kernels for fast execution": [[127, "custom-kernels-for-fast-execution"]], "Databases": [[126, null]], "Dependencies using conda": [[121, "dependencies-using-conda"]], "Dependencies using pip": [[121, "dependencies-using-pip"]], "Detailed Explanation": [[123, "detailed-explanation"]], "Dynamic Pair Finder": [[115, "dynamic-pair-finder"]], "Ensembling Models": [[109, null]], "Examples": [[112, null]], "Experiment": [[124, "experiment"]], "Force Training": [[111, null]], "Graph level API for simple and flexible construction of models from pytorch components.": [[127, "graph-level-api-for-simple-and-flexible-construction-of-models-from-pytorch-components"]], "Graphs": [[124, "graphs"]], "Hippynn Settings Summary": [[130, "id1"]], "Indices and tables": [[120, "indices-and-tables"]], "Install from source:": [[121, "install-from-source"]], "Installation": [[121, null]], "Installation Instructions": [[121, "installation-instructions"]], "Interfaces": [[127, "interfaces"]], "LAMMPS interface": [[114, null]], "Layers/Networks": [[124, "layers-networks"]], "Library Settings": [[130, null]], "License": [[122, null]], "Minimal Workflow": [[113, null]], "Model and Loss Graphs": [[129, null]], "Modular set of pytorch layers for atomistic operations": [[127, "modular-set-of-pytorch-layers-for-atomistic-operations"]], "Nodes": [[124, "nodes"]], "Non-Adiabiatic Excited States": [[110, null]], "Notes": [[121, "notes"]], "Pair Finder Memory": [[115, "pair-finder-memory"]], "Parent expansion": [[125, "parent-expansion"]], "Periodic Boundary Conditions": [[115, null]], "Pip": [[121, "pip"]], "Plot level API for tracking your training.": [[127, "plot-level-api-for-tracking-your-training"]], "Plotting": [[116, null]], "Predictor": [[117, null]], "Requirements": [[121, "requirements"]], "Restarting training": [[118, null]], "Simple restart": [[118, "simple-restart"]], "Submodules": [[0, "submodules"], [1, "submodules"], [13, "submodules"], [19, "submodules"], [28, "submodules"], [32, "submodules"], [36, "submodules"], [40, "submodules"], [41, "submodules"], [60, "submodules"], [65, "submodules"], [67, "submodules"], [76, "submodules"], [81, "submodules"], [92, "submodules"], [94, "submodules"], [96, "submodules"], [100, "submodules"]], "Subpackages": [[0, "subpackages"], [28, "subpackages"], [40, "subpackages"], [59, "subpackages"], [76, "subpackages"]], "The very basics": [[125, "the-very-basics"]], "Training & Experiment API": [[127, "training-experiment-api"]], "Units in hippynn": [[131, null]], "User Guide": [[128, null]], "Weighted/Masked Loss Functions": [[119, null]], "Welcome to hippynn\u2019s documentation!": [[120, null]], "What is hippynn?": [[120, "what-is-hippynn"]], "What\u2019s not yet supported": [[115, "what-s-not-yet-supported"]], "hippynn": [[106, null]], "hippynn Concepts": [[124, null]], "hippynn Features": [[127, null]], "hippynn package": [[0, null]], "hippynn.custom_kernels package": [[1, null]], "hippynn.custom_kernels.autograd_wrapper module": [[2, null]], "hippynn.custom_kernels.env_cupy module": [[3, null]], "hippynn.custom_kernels.env_numba module": [[4, null]], "hippynn.custom_kernels.env_pytorch module": [[5, null]], "hippynn.custom_kernels.env_triton module": [[6, null]], "hippynn.custom_kernels.fast_convert module": [[7, null]], "hippynn.custom_kernels.tensor_wrapper module": [[8, null]], "hippynn.custom_kernels.test_env_cupy module": [[9, null]], "hippynn.custom_kernels.test_env_numba module": [[10, null]], "hippynn.custom_kernels.test_env_triton module": [[11, null]], "hippynn.custom_kernels.utils module": [[12, null]], "hippynn.databases package": [[13, null]], "hippynn.databases.SNAPJson module": [[14, null]], "hippynn.databases.database module": [[15, null]], "hippynn.databases.h5_pyanitools module": [[16, null]], "hippynn.databases.ondisk module": [[17, null]], "hippynn.databases.restarter module": [[18, null]], "hippynn.experiment package": [[19, null]], "hippynn.experiment.assembly module": [[20, null]], "hippynn.experiment.controllers module": [[21, null]], "hippynn.experiment.device module": [[22, null]], "hippynn.experiment.evaluator module": [[23, null]], "hippynn.experiment.metric_tracker module": [[24, null]], "hippynn.experiment.routines module": [[25, null]], "hippynn.experiment.serialization module": [[26, null]], "hippynn.experiment.step_functions module": [[27, null]], "hippynn.graphs package": [[28, null]], "hippynn.graphs.ensemble module": [[29, null]], "hippynn.graphs.gops module": [[30, null]], "hippynn.graphs.graph module": [[31, null]], "hippynn.graphs.indextransformers package": [[32, null]], "hippynn.graphs.indextransformers.atoms module": [[33, null]], "hippynn.graphs.indextransformers.pairs module": [[34, null]], "hippynn.graphs.indextransformers.tensors module": [[35, null]], "hippynn.graphs.indextypes package": [[36, null]], "hippynn.graphs.indextypes.reduce_funcs module": [[37, null]], "hippynn.graphs.indextypes.registry module": [[38, null]], "hippynn.graphs.indextypes.type_def module": [[39, null]], "hippynn.graphs.nodes package": [[40, null]], "hippynn.graphs.nodes.base package": [[41, null]], "hippynn.graphs.nodes.base.algebra module": [[42, null]], "hippynn.graphs.nodes.base.base module": [[43, null]], "hippynn.graphs.nodes.base.definition_helpers module": [[44, null]], "hippynn.graphs.nodes.base.multi module": [[45, null]], "hippynn.graphs.nodes.base.node_functions module": [[46, null]], "hippynn.graphs.nodes.excited module": [[47, null]], "hippynn.graphs.nodes.indexers module": [[48, null]], "hippynn.graphs.nodes.inputs module": [[49, null]], "hippynn.graphs.nodes.loss module": [[50, null]], "hippynn.graphs.nodes.misc module": [[51, null]], "hippynn.graphs.nodes.networks module": [[52, null]], "hippynn.graphs.nodes.pairs module": [[53, null]], "hippynn.graphs.nodes.physics module": [[54, null]], "hippynn.graphs.nodes.tags module": [[55, null]], "hippynn.graphs.nodes.targets module": [[56, null]], "hippynn.graphs.predictor module": [[57, null]], "hippynn.graphs.viz module": [[58, null]], "hippynn.interfaces package": [[59, null]], "hippynn.interfaces.ase_interface package": [[60, null]], "hippynn.interfaces.ase_interface.ase_database module": [[61, null]], "hippynn.interfaces.ase_interface.ase_unittests module": [[62, null]], "hippynn.interfaces.ase_interface.calculator module": [[63, null]], "hippynn.interfaces.ase_interface.pairfinder module": [[64, null]], "hippynn.interfaces.lammps_interface package": [[65, null]], "hippynn.interfaces.lammps_interface.mliap_interface module": [[66, null]], "hippynn.interfaces.pyseqm_interface package": [[67, null]], "hippynn.interfaces.pyseqm_interface.callback module": [[68, null]], "hippynn.interfaces.pyseqm_interface.check module": [[69, null]], "hippynn.interfaces.pyseqm_interface.gen_par module": [[70, null]], "hippynn.interfaces.pyseqm_interface.mlseqm module": [[71, null]], "hippynn.interfaces.pyseqm_interface.seqm_modules module": [[72, null]], "hippynn.interfaces.pyseqm_interface.seqm_nodes module": [[73, null]], "hippynn.interfaces.pyseqm_interface.seqm_one module": [[74, null]], "hippynn.interfaces.schnetpack_interface package": [[75, null]], "hippynn.layers package": [[76, null]], "hippynn.layers.algebra module": [[77, null]], "hippynn.layers.excited module": [[78, null]], "hippynn.layers.hiplayers module": [[79, null]], "hippynn.layers.indexers module": [[80, null]], "hippynn.layers.pairs package": [[81, null]], "hippynn.layers.pairs.analysis module": [[82, null]], "hippynn.layers.pairs.dispatch module": [[83, null]], "hippynn.layers.pairs.filters module": [[84, null]], "hippynn.layers.pairs.indexing module": [[85, null]], "hippynn.layers.pairs.open module": [[86, null]], "hippynn.layers.pairs.periodic module": [[87, null]], "hippynn.layers.physics module": [[88, null]], "hippynn.layers.regularization module": [[89, null]], "hippynn.layers.targets module": [[90, null]], "hippynn.layers.transform module": [[91, null]], "hippynn.molecular_dynamics package": [[92, null]], "hippynn.molecular_dynamics.md module": [[93, null]], "hippynn.networks package": [[94, null]], "hippynn.networks.hipnn module": [[95, null]], "hippynn.optimizer package": [[96, null]], "hippynn.optimizer.algorithms module": [[97, null]], "hippynn.optimizer.batch_optimizer module": [[98, null]], "hippynn.optimizer.utils module": [[99, null]], "hippynn.plotting package": [[100, null]], "hippynn.plotting.plotmaker module": [[101, null]], "hippynn.plotting.plotters module": [[102, null]], "hippynn.plotting.timeplots module": [[103, null]], "hippynn.pretraining module": [[104, null]], "hippynn.tools module": [[105, null]]}, "docnames": ["api_documentation/hippynn", "api_documentation/hippynn.custom_kernels", "api_documentation/hippynn.custom_kernels.autograd_wrapper", "api_documentation/hippynn.custom_kernels.env_cupy", "api_documentation/hippynn.custom_kernels.env_numba", "api_documentation/hippynn.custom_kernels.env_pytorch", "api_documentation/hippynn.custom_kernels.env_triton", "api_documentation/hippynn.custom_kernels.fast_convert", "api_documentation/hippynn.custom_kernels.tensor_wrapper", "api_documentation/hippynn.custom_kernels.test_env_cupy", "api_documentation/hippynn.custom_kernels.test_env_numba", "api_documentation/hippynn.custom_kernels.test_env_triton", "api_documentation/hippynn.custom_kernels.utils", "api_documentation/hippynn.databases", "api_documentation/hippynn.databases.SNAPJson", "api_documentation/hippynn.databases.database", "api_documentation/hippynn.databases.h5_pyanitools", "api_documentation/hippynn.databases.ondisk", "api_documentation/hippynn.databases.restarter", "api_documentation/hippynn.experiment", "api_documentation/hippynn.experiment.assembly", "api_documentation/hippynn.experiment.controllers", "api_documentation/hippynn.experiment.device", "api_documentation/hippynn.experiment.evaluator", "api_documentation/hippynn.experiment.metric_tracker", "api_documentation/hippynn.experiment.routines", "api_documentation/hippynn.experiment.serialization", "api_documentation/hippynn.experiment.step_functions", "api_documentation/hippynn.graphs", "api_documentation/hippynn.graphs.ensemble", "api_documentation/hippynn.graphs.gops", "api_documentation/hippynn.graphs.graph", "api_documentation/hippynn.graphs.indextransformers", "api_documentation/hippynn.graphs.indextransformers.atoms", "api_documentation/hippynn.graphs.indextransformers.pairs", "api_documentation/hippynn.graphs.indextransformers.tensors", "api_documentation/hippynn.graphs.indextypes", "api_documentation/hippynn.graphs.indextypes.reduce_funcs", "api_documentation/hippynn.graphs.indextypes.registry", "api_documentation/hippynn.graphs.indextypes.type_def", "api_documentation/hippynn.graphs.nodes", "api_documentation/hippynn.graphs.nodes.base", "api_documentation/hippynn.graphs.nodes.base.algebra", "api_documentation/hippynn.graphs.nodes.base.base", "api_documentation/hippynn.graphs.nodes.base.definition_helpers", "api_documentation/hippynn.graphs.nodes.base.multi", "api_documentation/hippynn.graphs.nodes.base.node_functions", "api_documentation/hippynn.graphs.nodes.excited", "api_documentation/hippynn.graphs.nodes.indexers", "api_documentation/hippynn.graphs.nodes.inputs", "api_documentation/hippynn.graphs.nodes.loss", "api_documentation/hippynn.graphs.nodes.misc", "api_documentation/hippynn.graphs.nodes.networks", "api_documentation/hippynn.graphs.nodes.pairs", "api_documentation/hippynn.graphs.nodes.physics", "api_documentation/hippynn.graphs.nodes.tags", "api_documentation/hippynn.graphs.nodes.targets", "api_documentation/hippynn.graphs.predictor", "api_documentation/hippynn.graphs.viz", "api_documentation/hippynn.interfaces", "api_documentation/hippynn.interfaces.ase_interface", "api_documentation/hippynn.interfaces.ase_interface.ase_database", "api_documentation/hippynn.interfaces.ase_interface.ase_unittests", "api_documentation/hippynn.interfaces.ase_interface.calculator", "api_documentation/hippynn.interfaces.ase_interface.pairfinder", "api_documentation/hippynn.interfaces.lammps_interface", "api_documentation/hippynn.interfaces.lammps_interface.mliap_interface", "api_documentation/hippynn.interfaces.pyseqm_interface", "api_documentation/hippynn.interfaces.pyseqm_interface.callback", "api_documentation/hippynn.interfaces.pyseqm_interface.check", "api_documentation/hippynn.interfaces.pyseqm_interface.gen_par", "api_documentation/hippynn.interfaces.pyseqm_interface.mlseqm", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_modules", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_nodes", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_one", "api_documentation/hippynn.interfaces.schnetpack_interface", "api_documentation/hippynn.layers", "api_documentation/hippynn.layers.algebra", "api_documentation/hippynn.layers.excited", "api_documentation/hippynn.layers.hiplayers", "api_documentation/hippynn.layers.indexers", "api_documentation/hippynn.layers.pairs", "api_documentation/hippynn.layers.pairs.analysis", "api_documentation/hippynn.layers.pairs.dispatch", "api_documentation/hippynn.layers.pairs.filters", "api_documentation/hippynn.layers.pairs.indexing", "api_documentation/hippynn.layers.pairs.open", "api_documentation/hippynn.layers.pairs.periodic", "api_documentation/hippynn.layers.physics", "api_documentation/hippynn.layers.regularization", "api_documentation/hippynn.layers.targets", "api_documentation/hippynn.layers.transform", "api_documentation/hippynn.molecular_dynamics", "api_documentation/hippynn.molecular_dynamics.md", "api_documentation/hippynn.networks", "api_documentation/hippynn.networks.hipnn", "api_documentation/hippynn.optimizer", "api_documentation/hippynn.optimizer.algorithms", "api_documentation/hippynn.optimizer.batch_optimizer", "api_documentation/hippynn.optimizer.utils", "api_documentation/hippynn.plotting", "api_documentation/hippynn.plotting.plotmaker", "api_documentation/hippynn.plotting.plotters", "api_documentation/hippynn.plotting.timeplots", "api_documentation/hippynn.pretraining", "api_documentation/hippynn.tools", "api_documentation/modules", "examples/ase_calculator", "examples/controller", "examples/ensembles", "examples/excited_states", "examples/forces", "examples/index", "examples/minimal_workflow", "examples/mliap_unified", "examples/periodic", "examples/plotting", "examples/predictor", "examples/restarting", "examples/weighted_loss", "index", "installation", "license", "user_guide/ckernels", "user_guide/concepts", "user_guide/custom_nodes", "user_guide/databases", "user_guide/features", "user_guide/index", "user_guide/loss_graph", "user_guide/settings", "user_guide/units"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1}, "filenames": ["api_documentation/hippynn.rst", "api_documentation/hippynn.custom_kernels.rst", "api_documentation/hippynn.custom_kernels.autograd_wrapper.rst", "api_documentation/hippynn.custom_kernels.env_cupy.rst", "api_documentation/hippynn.custom_kernels.env_numba.rst", "api_documentation/hippynn.custom_kernels.env_pytorch.rst", "api_documentation/hippynn.custom_kernels.env_triton.rst", "api_documentation/hippynn.custom_kernels.fast_convert.rst", "api_documentation/hippynn.custom_kernels.tensor_wrapper.rst", "api_documentation/hippynn.custom_kernels.test_env_cupy.rst", "api_documentation/hippynn.custom_kernels.test_env_numba.rst", "api_documentation/hippynn.custom_kernels.test_env_triton.rst", "api_documentation/hippynn.custom_kernels.utils.rst", "api_documentation/hippynn.databases.rst", "api_documentation/hippynn.databases.SNAPJson.rst", "api_documentation/hippynn.databases.database.rst", "api_documentation/hippynn.databases.h5_pyanitools.rst", "api_documentation/hippynn.databases.ondisk.rst", "api_documentation/hippynn.databases.restarter.rst", "api_documentation/hippynn.experiment.rst", "api_documentation/hippynn.experiment.assembly.rst", "api_documentation/hippynn.experiment.controllers.rst", "api_documentation/hippynn.experiment.device.rst", "api_documentation/hippynn.experiment.evaluator.rst", "api_documentation/hippynn.experiment.metric_tracker.rst", "api_documentation/hippynn.experiment.routines.rst", "api_documentation/hippynn.experiment.serialization.rst", "api_documentation/hippynn.experiment.step_functions.rst", "api_documentation/hippynn.graphs.rst", "api_documentation/hippynn.graphs.ensemble.rst", "api_documentation/hippynn.graphs.gops.rst", "api_documentation/hippynn.graphs.graph.rst", "api_documentation/hippynn.graphs.indextransformers.rst", "api_documentation/hippynn.graphs.indextransformers.atoms.rst", "api_documentation/hippynn.graphs.indextransformers.pairs.rst", "api_documentation/hippynn.graphs.indextransformers.tensors.rst", "api_documentation/hippynn.graphs.indextypes.rst", "api_documentation/hippynn.graphs.indextypes.reduce_funcs.rst", "api_documentation/hippynn.graphs.indextypes.registry.rst", "api_documentation/hippynn.graphs.indextypes.type_def.rst", "api_documentation/hippynn.graphs.nodes.rst", "api_documentation/hippynn.graphs.nodes.base.rst", "api_documentation/hippynn.graphs.nodes.base.algebra.rst", "api_documentation/hippynn.graphs.nodes.base.base.rst", "api_documentation/hippynn.graphs.nodes.base.definition_helpers.rst", "api_documentation/hippynn.graphs.nodes.base.multi.rst", "api_documentation/hippynn.graphs.nodes.base.node_functions.rst", "api_documentation/hippynn.graphs.nodes.excited.rst", "api_documentation/hippynn.graphs.nodes.indexers.rst", "api_documentation/hippynn.graphs.nodes.inputs.rst", "api_documentation/hippynn.graphs.nodes.loss.rst", "api_documentation/hippynn.graphs.nodes.misc.rst", "api_documentation/hippynn.graphs.nodes.networks.rst", "api_documentation/hippynn.graphs.nodes.pairs.rst", "api_documentation/hippynn.graphs.nodes.physics.rst", "api_documentation/hippynn.graphs.nodes.tags.rst", "api_documentation/hippynn.graphs.nodes.targets.rst", "api_documentation/hippynn.graphs.predictor.rst", "api_documentation/hippynn.graphs.viz.rst", "api_documentation/hippynn.interfaces.rst", "api_documentation/hippynn.interfaces.ase_interface.rst", "api_documentation/hippynn.interfaces.ase_interface.ase_database.rst", "api_documentation/hippynn.interfaces.ase_interface.ase_unittests.rst", "api_documentation/hippynn.interfaces.ase_interface.calculator.rst", "api_documentation/hippynn.interfaces.ase_interface.pairfinder.rst", "api_documentation/hippynn.interfaces.lammps_interface.rst", "api_documentation/hippynn.interfaces.lammps_interface.mliap_interface.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.callback.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.check.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.gen_par.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.mlseqm.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_modules.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_nodes.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_one.rst", "api_documentation/hippynn.interfaces.schnetpack_interface.rst", "api_documentation/hippynn.layers.rst", "api_documentation/hippynn.layers.algebra.rst", "api_documentation/hippynn.layers.excited.rst", "api_documentation/hippynn.layers.hiplayers.rst", "api_documentation/hippynn.layers.indexers.rst", "api_documentation/hippynn.layers.pairs.rst", "api_documentation/hippynn.layers.pairs.analysis.rst", "api_documentation/hippynn.layers.pairs.dispatch.rst", "api_documentation/hippynn.layers.pairs.filters.rst", "api_documentation/hippynn.layers.pairs.indexing.rst", "api_documentation/hippynn.layers.pairs.open.rst", "api_documentation/hippynn.layers.pairs.periodic.rst", "api_documentation/hippynn.layers.physics.rst", "api_documentation/hippynn.layers.regularization.rst", "api_documentation/hippynn.layers.targets.rst", "api_documentation/hippynn.layers.transform.rst", "api_documentation/hippynn.molecular_dynamics.rst", "api_documentation/hippynn.molecular_dynamics.md.rst", "api_documentation/hippynn.networks.rst", "api_documentation/hippynn.networks.hipnn.rst", "api_documentation/hippynn.optimizer.rst", "api_documentation/hippynn.optimizer.algorithms.rst", "api_documentation/hippynn.optimizer.batch_optimizer.rst", "api_documentation/hippynn.optimizer.utils.rst", "api_documentation/hippynn.plotting.rst", "api_documentation/hippynn.plotting.plotmaker.rst", "api_documentation/hippynn.plotting.plotters.rst", "api_documentation/hippynn.plotting.timeplots.rst", "api_documentation/hippynn.pretraining.rst", "api_documentation/hippynn.tools.rst", "api_documentation/modules.rst", "examples/ase_calculator.rst", "examples/controller.rst", "examples/ensembles.rst", "examples/excited_states.rst", "examples/forces.rst", "examples/index.rst", "examples/minimal_workflow.rst", "examples/mliap_unified.rst", "examples/periodic.rst", "examples/plotting.rst", "examples/predictor.rst", "examples/restarting.rst", "examples/weighted_loss.rst", "index.rst", "installation.rst", "license.rst", "user_guide/ckernels.rst", "user_guide/concepts.rst", "user_guide/custom_nodes.rst", "user_guide/databases.rst", "user_guide/features.rst", "user_guide/index.rst", "user_guide/loss_graph.rst", "user_guide/settings.rst", "user_guide/units.rst"], "indexentries": {"__init__() (alphascreening method)": [[88, "hippynn.layers.physics.AlphaScreening.__init__", false]], "__init__() (asedatabase method)": [[13, "hippynn.databases.AseDatabase.__init__", false], [60, "hippynn.interfaces.ase_interface.AseDatabase.__init__", false], [61, "hippynn.interfaces.ase_interface.ase_database.AseDatabase.__init__", false]], "__init__() (atleast2d method)": [[42, "hippynn.graphs.nodes.base.algebra.AtLeast2D.__init__", false]], "__init__() (atomdeindexer method)": [[48, "hippynn.graphs.nodes.indexers.AtomDeIndexer.__init__", false]], "__init__() (atommask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask.__init__", false]], "__init__() (atommasknode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode.__init__", false]], "__init__() (atomreindexer method)": [[48, "hippynn.graphs.nodes.indexers.AtomReIndexer.__init__", false]], "__init__() (atomtomolsummer method)": [[54, "hippynn.graphs.nodes.physics.AtomToMolSummer.__init__", false]], "__init__() (bfgsv1 method)": [[97, "hippynn.optimizer.algorithms.BFGSv1.__init__", false]], "__init__() (bfgsv2 method)": [[97, "hippynn.optimizer.algorithms.BFGSv2.__init__", false]], "__init__() (bfgsv3 method)": [[97, "hippynn.optimizer.algorithms.BFGSv3.__init__", false]], "__init__() (binnode method)": [[42, "hippynn.graphs.nodes.base.algebra.BinNode.__init__", false]], "__init__() (bondtomolsummmer method)": [[54, "hippynn.graphs.nodes.physics.BondToMolSummmer.__init__", false]], "__init__() (cellscaleinducer method)": [[80, "hippynn.layers.indexers.CellScaleInducer.__init__", false]], "__init__() (chargemomentnode method)": [[54, "hippynn.graphs.nodes.physics.ChargeMomentNode.__init__", false]], "__init__() (combineenergy method)": [[88, "hippynn.layers.physics.CombineEnergy.__init__", false]], "__init__() (combineenergynode method)": [[54, "hippynn.graphs.nodes.physics.CombineEnergyNode.__init__", false]], "__init__() (combinescreenings method)": [[88, "hippynn.layers.physics.CombineScreenings.__init__", false]], "__init__() (compatibleidxtypetransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.__init__", false]], "__init__() (composedplotter method)": [[102, "hippynn.plotting.plotters.ComposedPlotter.__init__", false]], "__init__() (controller method)": [[21, "hippynn.experiment.controllers.Controller.__init__", false]], "__init__() (coscutoff method)": [[79, "hippynn.layers.hiplayers.CosCutoff.__init__", false]], "__init__() (coulombenergy method)": [[88, "hippynn.layers.physics.CoulombEnergy.__init__", false]], "__init__() (coulombenergynode method)": [[54, "hippynn.graphs.nodes.physics.CoulombEnergyNode.__init__", false]], "__init__() (cupygpukernel method)": [[3, "hippynn.custom_kernels.env_cupy.CupyGPUKernel.__init__", false]], "__init__() (database method)": [[13, "hippynn.databases.Database.__init__", false], [15, "hippynn.databases.database.Database.__init__", false]], "__init__() (dipole method)": [[88, "hippynn.layers.physics.Dipole.__init__", false]], "__init__() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.__init__", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.__init__", false]], "__init__() (energy_one method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One.__init__", false]], "__init__() (ensembletarget method)": [[51, "hippynn.graphs.nodes.misc.EnsembleTarget.__init__", false]], "__init__() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.__init__", false]], "__init__() (evaluator method)": [[23, "hippynn.experiment.evaluator.Evaluator.__init__", false]], "__init__() (ewaldrealspacescreening method)": [[88, "hippynn.layers.physics.EwaldRealSpaceScreening.__init__", false]], "__init__() (externalneighborindexer method)": [[53, "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer.__init__", false]], "__init__() (filterbondsoneway method)": [[48, "hippynn.graphs.nodes.indexers.FilterBondsOneway.__init__", false]], "__init__() (fire method)": [[97, "hippynn.optimizer.algorithms.FIRE.__init__", false]], "__init__() (formassertion method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion.__init__", false]], "__init__() (formassertlength method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength.__init__", false]], "__init__() (formtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer.__init__", false]], "__init__() (fuzzyhistogram method)": [[80, "hippynn.layers.indexers.FuzzyHistogram.__init__", false]], "__init__() (fuzzyhistogrammer method)": [[48, "hippynn.graphs.nodes.indexers.FuzzyHistogrammer.__init__", false]], "__init__() (gaussiansensitivitymodule method)": [[79, "hippynn.layers.hiplayers.GaussianSensitivityModule.__init__", false]], "__init__() (gen_par method)": [[70, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par.__init__", false]], "__init__() (geometryoptimizer method)": [[97, "hippynn.optimizer.algorithms.GeometryOptimizer.__init__", false]], "__init__() (gradient method)": [[88, "hippynn.layers.physics.Gradient.__init__", false]], "__init__() (gradientnode method)": [[54, "hippynn.graphs.nodes.physics.GradientNode.__init__", false]], "__init__() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.__init__", false], [31, "hippynn.graphs.graph.GraphModule.__init__", false]], "__init__() (hamiltonian_one method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One.__init__", false]], "__init__() (hbondnode method)": [[56, "hippynn.graphs.nodes.targets.HBondNode.__init__", false]], "__init__() (hbondsymmetric method)": [[90, "hippynn.layers.targets.HBondSymmetric.__init__", false]], "__init__() (hcharge method)": [[90, "hippynn.layers.targets.HCharge.__init__", false]], "__init__() (hchargenode method)": [[56, "hippynn.graphs.nodes.targets.HChargeNode.__init__", false]], "__init__() (henergy method)": [[90, "hippynn.layers.targets.HEnergy.__init__", false]], "__init__() (henergynode method)": [[56, "hippynn.graphs.nodes.targets.HEnergyNode.__init__", false]], "__init__() (hierarchicalityplot method)": [[102, "hippynn.plotting.plotters.HierarchicalityPlot.__init__", false]], "__init__() (hipnn method)": [[52, "hippynn.graphs.nodes.networks.Hipnn.__init__", false], [95, "hippynn.networks.hipnn.Hipnn.__init__", false]], "__init__() (hipnnvec method)": [[52, "hippynn.graphs.nodes.networks.HipnnVec.__init__", false], [95, "hippynn.networks.hipnn.HipnnVec.__init__", false]], "__init__() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.__init__", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.__init__", false]], "__init__() (hist1d method)": [[102, "hippynn.plotting.plotters.Hist1D.__init__", false]], "__init__() (hist1dcomp method)": [[102, "hippynn.plotting.plotters.Hist1DComp.__init__", false]], "__init__() (hist2d method)": [[102, "hippynn.plotting.plotters.Hist2D.__init__", false]], "__init__() (idx method)": [[77, "hippynn.layers.algebra.Idx.__init__", false]], "__init__() (indexformtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.__init__", false]], "__init__() (indexnode method)": [[45, "hippynn.graphs.nodes.base.multi.IndexNode.__init__", false]], "__init__() (indices method)": [[49, "hippynn.graphs.nodes.inputs.Indices.__init__", false]], "__init__() (inputnode method)": [[43, "hippynn.graphs.nodes.base.base.InputNode.__init__", false]], "__init__() (interactionplot method)": [[102, "hippynn.plotting.plotters.InteractionPlot.__init__", false]], "__init__() (interactlayer method)": [[79, "hippynn.layers.hiplayers.InteractLayer.__init__", false]], "__init__() (interactlayerquad method)": [[79, "hippynn.layers.hiplayers.InteractLayerQuad.__init__", false]], "__init__() (interactlayervec method)": [[79, "hippynn.layers.hiplayers.InteractLayerVec.__init__", false]], "__init__() (inversesensitivitymodule method)": [[79, "hippynn.layers.hiplayers.InverseSensitivityModule.__init__", false]], "__init__() (kdtreepairsmemory method)": [[53, "hippynn.graphs.nodes.pairs.KDTreePairsMemory.__init__", false]], "__init__() (lambdamodule method)": [[77, "hippynn.layers.algebra.LambdaModule.__init__", false]], "__init__() (langevindynamics method)": [[93, "hippynn.molecular_dynamics.md.LangevinDynamics.__init__", false]], "__init__() (listnode method)": [[51, "hippynn.graphs.nodes.misc.ListNode.__init__", false]], "__init__() (localatomenergynode method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode.__init__", false]], "__init__() (localatomsenergy method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy.__init__", false]], "__init__() (localchargeenergy method)": [[56, "hippynn.graphs.nodes.targets.LocalChargeEnergy.__init__", false], [90, "hippynn.layers.targets.LocalChargeEnergy.__init__", false]], "__init__() (localdampingcosine method)": [[88, "hippynn.layers.physics.LocalDampingCosine.__init__", false]], "__init__() (localenergy method)": [[78, "hippynn.layers.excited.LocalEnergy.__init__", false]], "__init__() (localenergynode method)": [[47, "hippynn.graphs.nodes.excited.LocalEnergyNode.__init__", false]], "__init__() (lossinputnode method)": [[43, "hippynn.graphs.nodes.base.base.LossInputNode.__init__", false]], "__init__() (lossprednode method)": [[43, "hippynn.graphs.nodes.base.base.LossPredNode.__init__", false]], "__init__() (losstruenode method)": [[43, "hippynn.graphs.nodes.base.base.LossTrueNode.__init__", false]], "__init__() (lpreg method)": [[89, "hippynn.layers.regularization.LPReg.__init__", false]], "__init__() (mainoutputtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.__init__", false]], "__init__() (metrictracker method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.__init__", false]], "__init__() (mindistnode method)": [[53, "hippynn.graphs.nodes.pairs.MinDistNode.__init__", false]], "__init__() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.__init__", false]], "__init__() (mlseqm method)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.__init__", false]], "__init__() (mlseqm_node method)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node.__init__", false]], "__init__() (moleculardynamics method)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.__init__", false]], "__init__() (multigradient method)": [[88, "hippynn.layers.physics.MultiGradient.__init__", false]], "__init__() (multigradientnode method)": [[54, "hippynn.graphs.nodes.physics.MultiGradientNode.__init__", false]], "__init__() (multinode method)": [[45, "hippynn.graphs.nodes.base.multi.MultiNode.__init__", false]], "__init__() (nacr method)": [[78, "hippynn.layers.excited.NACR.__init__", false]], "__init__() (nacrmultistate method)": [[78, "hippynn.layers.excited.NACRMultiState.__init__", false]], "__init__() (nacrmultistatenode method)": [[47, "hippynn.graphs.nodes.excited.NACRMultiStateNode.__init__", false]], "__init__() (nacrnode method)": [[47, "hippynn.graphs.nodes.excited.NACRNode.__init__", false]], "__init__() (namedtensordataset method)": [[15, "hippynn.databases.database.NamedTensorDataset.__init__", false]], "__init__() (newtonraphson method)": [[97, "hippynn.optimizer.algorithms.NewtonRaphson.__init__", false]], "__init__() (npzdatabase method)": [[13, "hippynn.databases.NPZDatabase.__init__", false], [17, "hippynn.databases.ondisk.NPZDatabase.__init__", false]], "__init__() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.__init__", false]], "__init__() (onehotencoder method)": [[48, "hippynn.graphs.nodes.indexers.OneHotEncoder.__init__", false]], "__init__() (onehotspecies method)": [[80, "hippynn.layers.indexers.OneHotSpecies.__init__", false]], "__init__() (openpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.OpenPairIndexer.__init__", false]], "__init__() (optimizer method)": [[98, "hippynn.optimizer.batch_optimizer.Optimizer.__init__", false]], "__init__() (paddedneighbornode method)": [[53, "hippynn.graphs.nodes.pairs.PaddedNeighborNode.__init__", false]], "__init__() (paddingindexer method)": [[48, "hippynn.graphs.nodes.indexers.PaddingIndexer.__init__", false]], "__init__() (paircacher method)": [[53, "hippynn.graphs.nodes.pairs.PairCacher.__init__", false], [85, "hippynn.layers.pairs.indexing.PairCacher.__init__", false]], "__init__() (pairdeindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairDeIndexer.__init__", false]], "__init__() (pairfilter method)": [[53, "hippynn.graphs.nodes.pairs.PairFilter.__init__", false]], "__init__() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.__init__", false]], "__init__() (pairreindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairReIndexer.__init__", false]], "__init__() (pairuncacher method)": [[53, "hippynn.graphs.nodes.pairs.PairUncacher.__init__", false], [85, "hippynn.layers.pairs.indexing.PairUncacher.__init__", false]], "__init__() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.__init__", false]], "__init__() (patiencecontroller method)": [[21, "hippynn.experiment.controllers.PatienceController.__init__", false]], "__init__() (pbchandle method)": [[63, "hippynn.interfaces.ase_interface.calculator.PBCHandle.__init__", false]], "__init__() (peratom method)": [[54, "hippynn.graphs.nodes.physics.PerAtom.__init__", false]], "__init__() (periodicpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.__init__", false]], "__init__() (periodicpairindexermemory method)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory.__init__", false]], "__init__() (plotmaker method)": [[101, "hippynn.plotting.plotmaker.PlotMaker.__init__", false]], "__init__() (plotter method)": [[102, "hippynn.plotting.plotters.Plotter.__init__", false]], "__init__() (predictor method)": [[28, "hippynn.graphs.Predictor.__init__", false], [57, "hippynn.graphs.predictor.Predictor.__init__", false]], "__init__() (qscreening method)": [[88, "hippynn.layers.physics.QScreening.__init__", false]], "__init__() (quadpack method)": [[80, "hippynn.layers.indexers.QuadPack.__init__", false]], "__init__() (quadrupole method)": [[88, "hippynn.layers.physics.Quadrupole.__init__", false]], "__init__() (quadunpack method)": [[80, "hippynn.layers.indexers.QuadUnpack.__init__", false]], "__init__() (quadunpacknode method)": [[48, "hippynn.graphs.nodes.indexers.QuadUnpackNode.__init__", false]], "__init__() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.__init__", false]], "__init__() (rdfbins method)": [[53, "hippynn.graphs.nodes.pairs.RDFBins.__init__", false], [82, "hippynn.layers.pairs.analysis.RDFBins.__init__", false]], "__init__() (reducesinglenode method)": [[50, "hippynn.graphs.nodes.loss.ReduceSingleNode.__init__", false]], "__init__() (reindexatomnode method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode.__init__", false]], "__init__() (resnetwrapper method)": [[91, "hippynn.layers.transform.ResNetWrapper.__init__", false]], "__init__() (restartdb method)": [[18, "hippynn.databases.restarter.RestartDB.__init__", false]], "__init__() (scale method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale.__init__", false]], "__init__() (scalenode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode.__init__", false]], "__init__() (schnetnode method)": [[75, "hippynn.interfaces.schnetpack_interface.SchNetNode.__init__", false]], "__init__() (schnetwrapper method)": [[75, "hippynn.interfaces.schnetpack_interface.SchNetWrapper.__init__", false]], "__init__() (screenedcoulombenergy method)": [[88, "hippynn.layers.physics.ScreenedCoulombEnergy.__init__", false]], "__init__() (screenedcoulombenergynode method)": [[54, "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode.__init__", false]], "__init__() (sensitivitybottleneck method)": [[79, "hippynn.layers.hiplayers.SensitivityBottleneck.__init__", false]], "__init__() (sensitivitymodule method)": [[79, "hippynn.layers.hiplayers.SensitivityModule.__init__", false]], "__init__() (sensitivityplot method)": [[102, "hippynn.plotting.plotters.SensitivityPlot.__init__", false]], "__init__() (seqm_all method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All.__init__", false]], "__init__() (seqm_energy method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy.__init__", false]], "__init__() (seqm_energynode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode.__init__", false]], "__init__() (seqm_maskonmol method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol.__init__", false]], "__init__() (seqm_maskonmolatom method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom.__init__", false]], "__init__() (seqm_maskonmolatomnode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode.__init__", false]], "__init__() (seqm_maskonmolnode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode.__init__", false]], "__init__() (seqm_maskonmolorbital method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital.__init__", false]], "__init__() (seqm_maskonmolorbitalatom method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom.__init__", false]], "__init__() (seqm_maskonmolorbitalatomnode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode.__init__", false]], "__init__() (seqm_maskonmolorbitalnode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode.__init__", false]], "__init__() (seqm_molmask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask.__init__", false]], "__init__() (seqm_molmasknode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode.__init__", false]], "__init__() (seqm_one_all method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All.__init__", false]], "__init__() (seqm_one_energy method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy.__init__", false]], "__init__() (seqm_one_energynode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode.__init__", false]], "__init__() (seqm_orbitalmask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask.__init__", false]], "__init__() (seqm_orbitalmasknode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode.__init__", false]], "__init__() (setupparams method)": [[19, "hippynn.experiment.SetupParams.__init__", false], [25, "hippynn.experiment.routines.SetupParams.__init__", false]], "__init__() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.__init__", false]], "__init__() (splitindices method)": [[49, "hippynn.graphs.nodes.inputs.SplitIndices.__init__", false]], "__init__() (staticimageperiodicpairindexer method)": [[87, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer.__init__", false]], "__init__() (straininducer method)": [[51, "hippynn.graphs.nodes.misc.StrainInducer.__init__", false]], "__init__() (stressforce method)": [[88, "hippynn.layers.physics.StressForce.__init__", false]], "__init__() (stressforcenode method)": [[54, "hippynn.graphs.nodes.physics.StressForceNode.__init__", false]], "__init__() (sysmaxofatomsnode method)": [[48, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.__init__", false]], "__init__() (teed_file_output method)": [[105, "hippynn.tools.teed_file_output.__init__", false]], "__init__() (timedsnippet method)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet.__init__", false]], "__init__() (timerholder method)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.__init__", false]], "__init__() (unarynode method)": [[42, "hippynn.graphs.nodes.base.algebra.UnaryNode.__init__", false]], "__init__() (valuemod method)": [[77, "hippynn.layers.algebra.ValueMod.__init__", false]], "__init__() (valuenode method)": [[42, "hippynn.graphs.nodes.base.algebra.ValueNode.__init__", false]], "__init__() (variable method)": [[93, "hippynn.molecular_dynamics.md.Variable.__init__", false]], "__init__() (variableupdater method)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater.__init__", false]], "__init__() (vecmag method)": [[54, "hippynn.graphs.nodes.physics.VecMag.__init__", false]], "__init__() (velocityverlet method)": [[93, "hippynn.molecular_dynamics.md.VelocityVerlet.__init__", false]], "__init__() (wolfscreening method)": [[88, "hippynn.layers.physics.WolfScreening.__init__", false]], "absolute_errors() (in module hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.absolute_errors", false]], "acquire_encoding_padding() (in module hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.acquire_encoding_padding", false]], "active_directory() (in module hippynn.tools)": [[105, "hippynn.tools.active_directory", false]], "add() (timerholder method)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.add", false]], "add_class_doc() (compatibleidxtypetransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.add_class_doc", false]], "add_class_doc() (formassertion method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion.add_class_doc", false]], "add_class_doc() (formassertlength method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength.add_class_doc", false]], "add_class_doc() (formhandler method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormHandler.add_class_doc", false]], "add_class_doc() (formtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer.add_class_doc", false]], "add_class_doc() (indexformtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.add_class_doc", false]], "add_class_doc() (mainoutputtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.add_class_doc", false]], "add_output() (predictor method)": [[28, "hippynn.graphs.Predictor.add_output", false], [57, "hippynn.graphs.predictor.Predictor.add_output", false]], "add_split_masks() (database method)": [[13, "hippynn.databases.Database.add_split_masks", false], [15, "hippynn.databases.database.Database.add_split_masks", false]], "addnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.AddNode", false]], "adds_to_forms() (in module hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.adds_to_forms", false]], "all_close_witherror() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.all_close_witherror", false]], "alphascreening (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.AlphaScreening", false]], "alwaysmatch (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.AlwaysMatch", false]], "apply_to_database() (predictor method)": [[28, "hippynn.graphs.Predictor.apply_to_database", false], [57, "hippynn.graphs.predictor.Predictor.apply_to_database", false]], "arrdict_len() (in module hippynn.tools)": [[105, "hippynn.tools.arrdict_len", false]], "as_numpy() (in module hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.as_numpy", false]], "as_tensor() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.as_tensor", false]], "ase_compute_neighbors() (in module hippynn.interfaces.ase_interface.pairfinder)": [[64, "hippynn.interfaces.ase_interface.pairfinder.ASE_compute_neighbors", false]], "ase_filterpair_coulomb_construct() (in module hippynn.interfaces.ase_interface.ase_unittests)": [[62, "hippynn.interfaces.ase_interface.ase_unittests.ASE_FilterPair_Coulomb_Construct", false]], "asedatabase (class in hippynn.databases)": [[13, "hippynn.databases.AseDatabase", false]], "asedatabase (class in hippynn.interfaces.ase_interface)": [[60, "hippynn.interfaces.ase_interface.AseDatabase", false]], "asedatabase (class in hippynn.interfaces.ase_interface.ase_database)": [[61, "hippynn.interfaces.ase_interface.ase_database.AseDatabase", false]], "aseneighbors (class in hippynn.interfaces.ase_interface.pairfinder)": [[64, "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors", false]], "asepairnode (class in hippynn.interfaces.ase_interface.pairfinder)": [[64, "hippynn.interfaces.ase_interface.pairfinder.ASEPairNode", false]], "assemble_for_training() (in module hippynn.experiment)": [[19, "hippynn.experiment.assemble_for_training", false]], "assemble_for_training() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.assemble_for_training", false]], "assemble_module() (plotmaker method)": [[101, "hippynn.plotting.plotmaker.PlotMaker.assemble_module", false]], "assertion() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.assertion", false]], "assertlen() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.assertlen", false]], "assign_index_aliases() (in module hippynn.graphs.indextypes.registry)": [[38, "hippynn.graphs.indextypes.registry.assign_index_aliases", false]], "atleast2d (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.AtLeast2D", false]], "atleast2d (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.AtLeast2D", false]], "atomdeindexer (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.AtomDeIndexer", false]], "atomdeindexer (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.AtomDeIndexer", false]], "atomindexer (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.AtomIndexer", false]], "atommask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask", false]], "atommasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode", false]], "atomreindexer (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.AtomReIndexer", false]], "atomreindexer (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.AtomReIndexer", false]], "atoms (idxtype attribute)": [[28, "hippynn.graphs.IdxType.Atoms", false], [36, "hippynn.graphs.indextypes.IdxType.Atoms", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.Atoms", false]], "atomtomolsummer (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.AtomToMolSummer", false]], "attempt_restart() (norestart method)": [[18, "hippynn.databases.restarter.NoRestart.attempt_restart", false]], "attempt_restart() (restartdb method)": [[18, "hippynn.databases.restarter.RestartDB.attempt_restart", false]], "attempt_restart() (restarter method)": [[18, "hippynn.databases.restarter.Restarter.attempt_restart", false]], "auto_module() (autokw method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.AutoKw.auto_module", false]], "auto_module() (autonokw method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw.auto_module", false]], "auto_module() (localenergynode method)": [[47, "hippynn.graphs.nodes.excited.LocalEnergyNode.auto_module", false]], "auto_module() (onehotencoder method)": [[48, "hippynn.graphs.nodes.indexers.OneHotEncoder.auto_module", false]], "auto_module() (openpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.OpenPairIndexer.auto_module", false]], "auto_module() (valuenode method)": [[42, "hippynn.graphs.nodes.base.algebra.ValueNode.auto_module", false]], "autokw (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.AutoKw", false]], "autonokw (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw", false]], "batch_convert_torch_to_numba() (in module hippynn.custom_kernels.fast_convert)": [[7, "hippynn.custom_kernels.fast_convert.batch_convert_torch_to_numba", false]], "batch_size (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.batch_size", false], [25, "hippynn.experiment.routines.SetupParams.batch_size", false]], "bfgsv1 (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.BFGSv1", false]], "bfgsv2 (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.BFGSv2", false]], "bfgsv3 (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.BFGSv3", false]], "bin_info() (rdfbins method)": [[82, "hippynn.layers.pairs.analysis.RDFBins.bin_info", false]], "binnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.BinNode", false]], "bondtomolsummmer (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.BondToMolSummmer", false]], "build_loss_modules() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.build_loss_modules", false]], "calculate() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.calculate", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.calculate", false]], "calculate_max_system_force() (in module hippynn.pretraining)": [[104, "hippynn.pretraining.calculate_max_system_force", false]], "calculate_min_dists() (in module hippynn.pretraining)": [[104, "hippynn.pretraining.calculate_min_dists", false]], "calculation_required() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.calculation_required", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.calculation_required", false]], "calculator_from_model() (in module hippynn.interfaces.ase_interface)": [[60, "hippynn.interfaces.ase_interface.calculator_from_model", false]], "calculator_from_model() (in module hippynn.interfaces.ase_interface.calculator)": [[63, "hippynn.interfaces.ase_interface.calculator.calculator_from_model", false]], "cellnode (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.CellNode", false]], "cellscaleinducer (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.CellScaleInducer", false]], "chargemomentnode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.ChargeMomentNode", false]], "chargepairsetup (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup", false]], "charges (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Charges", false]], "check() (in module hippynn.interfaces.pyseqm_interface.check)": [[69, "hippynn.interfaces.pyseqm_interface.check.check", false]], "check_all_grad() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_all_grad", false]], "check_all_grad_once() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_all_grad_once", false]], "check_allclose() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_allclose", false]], "check_allclose_once() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_allclose_once", false]], "check_correctness() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_correctness", false]], "check_dist() (in module hippynn.interfaces.pyseqm_interface.check)": [[69, "hippynn.interfaces.pyseqm_interface.check.check_dist", false]], "check_empty() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_empty", false]], "check_evaluation_order() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.check_evaluation_order", false]], "check_grad_and_gradgrad() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_grad_and_gradgrad", false]], "check_gradient() (in module hippynn.interfaces.pyseqm_interface.check)": [[69, "hippynn.interfaces.pyseqm_interface.check.check_gradient", false]], "check_link_consistency() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.check_link_consistency", false]], "check_mapping_devices() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.check_mapping_devices", false]], "check_speed() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_speed", false]], "clear_index_cache() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.clear_index_cache", false]], "clear_index_cache() (in module hippynn.graphs.indextypes.registry)": [[38, "hippynn.graphs.indextypes.registry.clear_index_cache", false]], "clear_pair_cache() (in module hippynn.custom_kernels.utils)": [[12, "hippynn.custom_kernels.utils.clear_pair_cache", false]], "closure_step_fn() (in module hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.closure_step_fn", false]], "closurestep (class in hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.ClosureStep", false]], "coerces_values_to_nodes() (in module hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.coerces_values_to_nodes", false]], "collate_inputs() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.collate_inputs", false]], "collate_targets() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.collate_targets", false]], "combineenergy (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.CombineEnergy", false]], "combineenergynode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.CombineEnergyNode", false]], "combinescreenings (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.CombineScreenings", false]], "compatibility_hook() (interactlayervec static method)": [[79, "hippynn.layers.hiplayers.InteractLayerVec.compatibility_hook", false]], "compatibleidxtypetransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer", false]], "composedplotter (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.ComposedPlotter", false]], "compute_descriptors() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_descriptors", false]], "compute_evaluation_order() (in module hippynn.graphs)": [[28, "hippynn.graphs.compute_evaluation_order", false]], "compute_evaluation_order() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.compute_evaluation_order", false]], "compute_forces() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_forces", false]], "compute_gradients() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_gradients", false]], "compute_hipnn_e0() (in module hippynn.networks.hipnn)": [[95, "hippynn.networks.hipnn.compute_hipnn_e0", false]], "compute_index_mask() (in module hippynn.databases.database)": [[15, "hippynn.databases.database.compute_index_mask", false]], "compute_one() (aseneighbors method)": [[64, "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors.compute_one", false]], "compute_one() (kdtreeneighbors method)": [[83, "hippynn.layers.pairs.dispatch.KDTreeNeighbors.compute_one", false]], "compute_one() (npneighbors method)": [[83, "hippynn.layers.pairs.dispatch.NPNeighbors.compute_one", false]], "compute_one() (torchneighbors method)": [[83, "hippynn.layers.pairs.dispatch.TorchNeighbors.compute_one", false]], "construct_outputs() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.construct_outputs", false]], "controller (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.Controller", false]], "controller (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.controller", false], [25, "hippynn.experiment.routines.SetupParams.controller", false]], "copy_subgraph() (in module hippynn.graphs)": [[28, "hippynn.graphs.copy_subgraph", false]], "copy_subgraph() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.copy_subgraph", false]], "coscutoff (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.CosCutoff", false]], "coulombenergy (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.CoulombEnergy", false]], "coulombenergynode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.CoulombEnergyNode", false]], "cpu_kernel() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.cpu_kernel", false]], "cpu_kernel() (wrappedenvsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.cpu_kernel", false]], "cpu_kernel() (wrappedfeatsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.cpu_kernel", false]], "cpu_kernel() (wrappedsensesum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.cpu_kernel", false]], "create_schnetpack_inputs() (in module hippynn.interfaces.schnetpack_interface)": [[75, "hippynn.interfaces.schnetpack_interface.create_schnetpack_inputs", false]], "create_state() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.create_state", false]], "create_structure_file() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.create_structure_file", false]], "cupyenvsum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyEnvsum", false]], "cupyfeatsum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyFeatsum", false]], "cupygpukernel (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyGPUKernel", false]], "cupysensesum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupySensesum", false]], "current_epoch (metrictracker property)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.current_epoch", false]], "data (variable property)": [[93, "hippynn.molecular_dynamics.md.Variable.data", false]], "database (class in hippynn.databases)": [[13, "hippynn.databases.Database", false]], "database (class in hippynn.databases.database)": [[15, "hippynn.databases.database.Database", false]], "db_form() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.db_form", false]], "db_form() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.db_form", false]], "db_state_of() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.db_state_of", false]], "debatch() (in module hippynn.optimizer.utils)": [[99, "hippynn.optimizer.utils.debatch", false]], "debatch_coords() (in module hippynn.optimizer.utils)": [[99, "hippynn.optimizer.utils.debatch_coords", false]], "debatch_numbers() (in module hippynn.optimizer.utils)": [[99, "hippynn.optimizer.utils.debatch_numbers", false]], "defaultnetworkexpansion (class in hippynn.graphs.nodes.networks)": [[52, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion", false]], "densitymatrixnode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode", false]], "determine_out_in_targ() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.determine_out_in_targ", false]], "device (moleculardynamics property)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.device", false]], "device (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.device", false], [25, "hippynn.experiment.routines.SetupParams.device", false]], "device (variable property)": [[93, "hippynn.molecular_dynamics.md.Variable.device", false]], "device_fallback() (in module hippynn.tools)": [[105, "hippynn.tools.device_fallback", false]], "dipole (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.Dipole", false]], "dipolenode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.DipoleNode", false]], "directorydatabase (class in hippynn.databases)": [[13, "hippynn.databases.DirectoryDatabase", false]], "directorydatabase (class in hippynn.databases.ondisk)": [[17, "hippynn.databases.ondisk.DirectoryDatabase", false]], "dispatch_indexing() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.dispatch_indexing", false]], "divnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.DivNode", false]], "dtype (moleculardynamics property)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.dtype", false]], "dtype (variable property)": [[93, "hippynn.molecular_dynamics.md.Variable.dtype", false]], "dump_a_step() (optimizer method)": [[98, "hippynn.optimizer.batch_optimizer.Optimizer.dump_a_step", false]], "duq() (geometryoptimizer static method)": [[97, "hippynn.optimizer.algorithms.GeometryOptimizer.duq", false]], "dynamicperiodicpairs (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.DynamicPeriodicPairs", false]], "elapsed (timedsnippet property)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet.elapsed", false]], "elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.elapsed", false]], "elementwise_compare_reduce() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.elementwise_compare_reduce", false]], "elementwise_compare_reduce() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.elementwise_compare_reduce", false]], "emax_criteria() (newtonraphson method)": [[97, "hippynn.optimizer.algorithms.NewtonRaphson.emax_criteria", false]], "empty_tensor() (mliapinterface method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.empty_tensor", false]], "encoder (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Encoder", false]], "energies (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Energies", false]], "energy_one (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One", false]], "ensembletarget (class in hippynn.graphs.nodes.misc)": [[51, "hippynn.graphs.nodes.misc.EnsembleTarget", false]], "ensembletarget (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.EnsembleTarget", false]], "envops_tester (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester", false]], "envsum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.envsum", false]], "eval_batch_size (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.eval_batch_size", false], [25, "hippynn.experiment.routines.SetupParams.eval_batch_size", false]], "evaluate() (evaluator method)": [[23, "hippynn.experiment.evaluator.Evaluator.evaluate", false]], "evaluation_print() (metrictracker method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.evaluation_print", false]], "evaluation_print_better() (metrictracker method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.evaluation_print_better", false]], "evaluator (class in hippynn.experiment.evaluator)": [[23, "hippynn.experiment.evaluator.Evaluator", false]], "evaluator (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.evaluator", false]], "ewaldrealspacescreening (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.EwaldRealSpaceScreening", false]], "expand0() (atomdeindexer method)": [[48, "hippynn.graphs.nodes.indexers.AtomDeIndexer.expand0", false]], "expand0() (atomreindexer method)": [[48, "hippynn.graphs.nodes.indexers.AtomReIndexer.expand0", false]], "expand0() (hbondnode method)": [[56, "hippynn.graphs.nodes.targets.HBondNode.expand0", false]], "expand0() (mindistnode method)": [[53, "hippynn.graphs.nodes.pairs.MinDistNode.expand0", false]], "expand0() (openpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.OpenPairIndexer.expand0", false]], "expand0() (paddedneighbornode method)": [[53, "hippynn.graphs.nodes.pairs.PaddedNeighborNode.expand0", false]], "expand0() (paddingindexer method)": [[48, "hippynn.graphs.nodes.indexers.PaddingIndexer.expand0", false]], "expand0() (paircacher method)": [[53, "hippynn.graphs.nodes.pairs.PairCacher.expand0", false]], "expand0() (pairdeindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairDeIndexer.expand0", false]], "expand0() (pairfilter method)": [[53, "hippynn.graphs.nodes.pairs.PairFilter.expand0", false]], "expand0() (pairreindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairReIndexer.expand0", false]], "expand0() (pairuncacher method)": [[53, "hippynn.graphs.nodes.pairs.PairUncacher.expand0", false]], "expand0() (periodicpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.expand0", false]], "expand0() (rdfbins method)": [[53, "hippynn.graphs.nodes.pairs.RDFBins.expand0", false]], "expand0() (seqm_energynode method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode.expand0", false]], "expand0() (seqm_one_energynode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode.expand0", false]], "expand1() (atomreindexer method)": [[48, "hippynn.graphs.nodes.indexers.AtomReIndexer.expand1", false]], "expand1() (hbondnode method)": [[56, "hippynn.graphs.nodes.targets.HBondNode.expand1", false]], "expand1() (mindistnode method)": [[53, "hippynn.graphs.nodes.pairs.MinDistNode.expand1", false]], "expand1() (paircacher method)": [[53, "hippynn.graphs.nodes.pairs.PairCacher.expand1", false]], "expand1() (pairdeindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairDeIndexer.expand1", false]], "expand1() (pairreindexer method)": [[53, "hippynn.graphs.nodes.pairs.PairReIndexer.expand1", false]], "expand1() (pairuncacher method)": [[53, "hippynn.graphs.nodes.pairs.PairUncacher.expand1", false]], "expand1() (periodicpairindexer method)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.expand1", false]], "expand1() (rdfbins method)": [[53, "hippynn.graphs.nodes.pairs.RDFBins.expand1", false]], "expand2() (mindistnode method)": [[53, "hippynn.graphs.nodes.pairs.MinDistNode.expand2", false]], "expand2() (rdfbins method)": [[53, "hippynn.graphs.nodes.pairs.RDFBins.expand2", false]], "expand3() (rdfbins method)": [[53, "hippynn.graphs.nodes.pairs.RDFBins.expand3", false]], "expand_parents() (expandparents method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ExpandParents.expand_parents", false]], "expandparentmeta (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ExpandParentMeta", false]], "expandparents (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ExpandParents", false]], "expansion0() (atomtomolsummer method)": [[54, "hippynn.graphs.nodes.physics.AtomToMolSummer.expansion0", false]], "expansion0() (bondtomolsummmer method)": [[54, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion0", false]], "expansion0() (chargemomentnode method)": [[54, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion0", false]], "expansion0() (chargepairsetup method)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion0", false]], "expansion0() (combineenergynode method)": [[54, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion0", false]], "expansion0() (defaultnetworkexpansion method)": [[52, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion.expansion0", false]], "expansion0() (hchargenode method)": [[56, "hippynn.graphs.nodes.targets.HChargeNode.expansion0", false]], "expansion0() (henergynode method)": [[56, "hippynn.graphs.nodes.targets.HEnergyNode.expansion0", false]], "expansion0() (localchargeenergy method)": [[56, "hippynn.graphs.nodes.targets.LocalChargeEnergy.expansion0", false]], "expansion0() (localenergynode method)": [[47, "hippynn.graphs.nodes.excited.LocalEnergyNode.expansion0", false]], "expansion0() (peratom method)": [[54, "hippynn.graphs.nodes.physics.PerAtom.expansion0", false]], "expansion0() (sysmaxofatomsnode method)": [[48, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.expansion0", false]], "expansion1() (atomtomolsummer method)": [[54, "hippynn.graphs.nodes.physics.AtomToMolSummer.expansion1", false]], "expansion1() (bondtomolsummmer method)": [[54, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion1", false]], "expansion1() (chargemomentnode method)": [[54, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion1", false]], "expansion1() (chargepairsetup method)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion1", false]], "expansion1() (combineenergynode method)": [[54, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion1", false]], "expansion1() (defaultnetworkexpansion method)": [[52, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion.expansion1", false]], "expansion1() (localenergynode method)": [[47, "hippynn.graphs.nodes.excited.LocalEnergyNode.expansion1", false]], "expansion1() (peratom method)": [[54, "hippynn.graphs.nodes.physics.PerAtom.expansion1", false]], "expansion1() (sysmaxofatomsnode method)": [[48, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.expansion1", false]], "expansion2() (bondtomolsummmer method)": [[54, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion2", false]], "expansion2() (chargemomentnode method)": [[54, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion2", false]], "expansion2() (chargepairsetup method)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion2", false]], "expansion2() (combineenergynode method)": [[54, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion2", false]], "expansion2() (hipnn method)": [[52, "hippynn.graphs.nodes.networks.Hipnn.expansion2", false]], "expansion2() (hipnnvec method)": [[52, "hippynn.graphs.nodes.networks.HipnnVec.expansion2", false]], "expansion2() (vecmag method)": [[54, "hippynn.graphs.nodes.physics.VecMag.expansion2", false]], "expansion3() (chargepairsetup method)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion3", false]], "expansion4() (chargepairsetup method)": [[54, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion4", false]], "externalneighborindexer (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer", false]], "externalneighbors (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.ExternalNeighbors", false]], "extra_repr() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.extra_repr", false], [31, "hippynn.graphs.graph.GraphModule.extra_repr", false]], "extra_repr() (idx method)": [[77, "hippynn.layers.algebra.Idx.extra_repr", false]], "extra_repr() (lambdamodule method)": [[77, "hippynn.layers.algebra.LambdaModule.extra_repr", false]], "extra_repr() (valuemod method)": [[77, "hippynn.layers.algebra.ValueMod.extra_repr", false]], "extract_snap_file() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.extract_snap_file", false]], "featsum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.featsum", false]], "filter_arrays() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.filter_arrays", false]], "filter_pairs() (in module hippynn.layers.pairs.periodic)": [[87, "hippynn.layers.pairs.periodic.filter_pairs", false]], "filterbondsoneway (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.FilterBondsOneway", false]], "filterbondsoneway (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.FilterBondsOneway", false]], "filterdistance (class in hippynn.layers.pairs.filters)": [[84, "hippynn.layers.pairs.filters.FilterDistance", false]], "find_relatives() (in module hippynn.graphs)": [[28, "hippynn.graphs.find_relatives", false]], "find_relatives() (in module hippynn.graphs.nodes.base.node_functions)": [[46, "hippynn.graphs.nodes.base.node_functions.find_relatives", false]], "find_unique_relative() (in module hippynn.graphs)": [[28, "hippynn.graphs.find_unique_relative", false]], "find_unique_relative() (in module hippynn.graphs.nodes.base.node_functions)": [[46, "hippynn.graphs.nodes.base.node_functions.find_unique_relative", false]], "fire (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.FIRE", false]], "flush() (teed_file_output method)": [[105, "hippynn.tools.teed_file_output.flush", false]], "fmax_criteria() (geometryoptimizer static method)": [[97, "hippynn.optimizer.algorithms.GeometryOptimizer.fmax_criteria", false]], "fn() (compatibleidxtypetransformer static method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.fn", false]], "fn() (indexformtransformer method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.fn", false]], "fn() (mainoutputtransformer static method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.fn", false]], "forcenode (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.ForceNode", false]], "formassertion (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion", false]], "formassertlength (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength", false]], "format_form_name() (in module hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.format_form_name", false]], "formhandler (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormHandler", false]], "formtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer", false]], "forward() (atleast2d method)": [[77, "hippynn.layers.algebra.AtLeast2D.forward", false]], "forward() (atomdeindexer method)": [[80, "hippynn.layers.indexers.AtomDeIndexer.forward", false]], "forward() (atommask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask.forward", false]], "forward() (atomreindexer method)": [[80, "hippynn.layers.indexers.AtomReIndexer.forward", false]], "forward() (cellscaleinducer method)": [[80, "hippynn.layers.indexers.CellScaleInducer.forward", false]], "forward() (combineenergy method)": [[88, "hippynn.layers.physics.CombineEnergy.forward", false]], "forward() (combinescreenings method)": [[88, "hippynn.layers.physics.CombineScreenings.forward", false]], "forward() (coscutoff method)": [[79, "hippynn.layers.hiplayers.CosCutoff.forward", false]], "forward() (coulombenergy method)": [[88, "hippynn.layers.physics.CoulombEnergy.forward", false]], "forward() (dipole method)": [[88, "hippynn.layers.physics.Dipole.forward", false]], "forward() (ensembletarget method)": [[77, "hippynn.layers.algebra.EnsembleTarget.forward", false]], "forward() (ewaldrealspacescreening method)": [[88, "hippynn.layers.physics.EwaldRealSpaceScreening.forward", false]], "forward() (externalneighbors method)": [[85, "hippynn.layers.pairs.indexing.ExternalNeighbors.forward", false]], "forward() (filterbondsoneway method)": [[80, "hippynn.layers.indexers.FilterBondsOneway.forward", false]], "forward() (filterdistance method)": [[84, "hippynn.layers.pairs.filters.FilterDistance.forward", false]], "forward() (fuzzyhistogram method)": [[80, "hippynn.layers.indexers.FuzzyHistogram.forward", false]], "forward() (gaussiansensitivitymodule method)": [[79, "hippynn.layers.hiplayers.GaussianSensitivityModule.forward", false]], "forward() (gen_par method)": [[70, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par.forward", false]], "forward() (gradient method)": [[88, "hippynn.layers.physics.Gradient.forward", false]], "forward() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.forward", false], [31, "hippynn.graphs.graph.GraphModule.forward", false]], "forward() (hamiltonian_one method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One.forward", false]], "forward() (hbondsymmetric method)": [[90, "hippynn.layers.targets.HBondSymmetric.forward", false]], "forward() (hcharge method)": [[90, "hippynn.layers.targets.HCharge.forward", false]], "forward() (henergy method)": [[90, "hippynn.layers.targets.HEnergy.forward", false]], "forward() (hipnn method)": [[95, "hippynn.networks.hipnn.Hipnn.forward", false]], "forward() (hipnnvec method)": [[95, "hippynn.networks.hipnn.HipnnVec.forward", false]], "forward() (idx method)": [[77, "hippynn.layers.algebra.Idx.forward", false]], "forward() (interactlayer method)": [[79, "hippynn.layers.hiplayers.InteractLayer.forward", false]], "forward() (interactlayerquad method)": [[79, "hippynn.layers.hiplayers.InteractLayerQuad.forward", false]], "forward() (interactlayervec method)": [[79, "hippynn.layers.hiplayers.InteractLayerVec.forward", false]], "forward() (inversesensitivitymodule method)": [[79, "hippynn.layers.hiplayers.InverseSensitivityModule.forward", false]], "forward() (kdtreepairsmemory method)": [[83, "hippynn.layers.pairs.dispatch.KDTreePairsMemory.forward", false]], "forward() (lambdamodule method)": [[77, "hippynn.layers.algebra.LambdaModule.forward", false]], "forward() (listmod method)": [[77, "hippynn.layers.algebra.ListMod.forward", false]], "forward() (localatomsenergy method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy.forward", false]], "forward() (localchargeenergy method)": [[90, "hippynn.layers.targets.LocalChargeEnergy.forward", false]], "forward() (localdampingcosine method)": [[88, "hippynn.layers.physics.LocalDampingCosine.forward", false]], "forward() (localenergy method)": [[78, "hippynn.layers.excited.LocalEnergy.forward", false]], "forward() (lpreg method)": [[89, "hippynn.layers.regularization.LPReg.forward", false]], "forward() (mindistmodule method)": [[82, "hippynn.layers.pairs.analysis.MinDistModule.forward", false]], "forward() (mlseqm method)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.forward", false]], "forward() (molpairsummer method)": [[85, "hippynn.layers.pairs.indexing.MolPairSummer.forward", false]], "forward() (molsummer method)": [[80, "hippynn.layers.indexers.MolSummer.forward", false]], "forward() (multigradient method)": [[88, "hippynn.layers.physics.MultiGradient.forward", false]], "forward() (nacr method)": [[78, "hippynn.layers.excited.NACR.forward", false]], "forward() (nacrmultistate method)": [[78, "hippynn.layers.excited.NACRMultiState.forward", false]], "forward() (onehotspecies method)": [[80, "hippynn.layers.indexers.OneHotSpecies.forward", false]], "forward() (openpairindexer method)": [[86, "hippynn.layers.pairs.open.OpenPairIndexer.forward", false]], "forward() (paddedneighmodule method)": [[85, "hippynn.layers.pairs.indexing.PaddedNeighModule.forward", false]], "forward() (paddingindexer method)": [[80, "hippynn.layers.indexers.PaddingIndexer.forward", false]], "forward() (paircacher method)": [[85, "hippynn.layers.pairs.indexing.PairCacher.forward", false]], "forward() (pairdeindexer method)": [[85, "hippynn.layers.pairs.indexing.PairDeIndexer.forward", false]], "forward() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.forward", false]], "forward() (pairreindexer method)": [[85, "hippynn.layers.pairs.indexing.PairReIndexer.forward", false]], "forward() (pairuncacher method)": [[85, "hippynn.layers.pairs.indexing.PairUncacher.forward", false]], "forward() (peratom method)": [[88, "hippynn.layers.physics.PerAtom.forward", false]], "forward() (periodicpairindexer method)": [[87, "hippynn.layers.pairs.periodic.PeriodicPairIndexer.forward", false]], "forward() (periodicpairindexermemory method)": [[87, "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory.forward", false]], "forward() (qscreening method)": [[88, "hippynn.layers.physics.QScreening.forward", false]], "forward() (quadpack method)": [[80, "hippynn.layers.indexers.QuadPack.forward", false]], "forward() (quadrupole method)": [[88, "hippynn.layers.physics.Quadrupole.forward", false]], "forward() (quadunpack method)": [[80, "hippynn.layers.indexers.QuadUnpack.forward", false]], "forward() (rdfbins method)": [[82, "hippynn.layers.pairs.analysis.RDFBins.forward", false]], "forward() (reindexatommod method)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod.forward", false]], "forward() (resnetwrapper method)": [[91, "hippynn.layers.transform.ResNetWrapper.forward", false]], "forward() (rsqmod method)": [[50, "hippynn.graphs.nodes.loss.RsqMod.forward", false]], "forward() (scale method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale.forward", false]], "forward() (schnetwrapper method)": [[75, "hippynn.interfaces.schnetpack_interface.SchNetWrapper.forward", false]], "forward() (screenedcoulombenergy method)": [[88, "hippynn.layers.physics.ScreenedCoulombEnergy.forward", false]], "forward() (sensitivitybottleneck method)": [[79, "hippynn.layers.hiplayers.SensitivityBottleneck.forward", false]], "forward() (seqm_all method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All.forward", false]], "forward() (seqm_energy method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy.forward", false]], "forward() (seqm_maskonmol method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol.forward", false]], "forward() (seqm_maskonmolatom method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom.forward", false]], "forward() (seqm_maskonmolorbital method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital.forward", false]], "forward() (seqm_maskonmolorbitalatom method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom.forward", false]], "forward() (seqm_molmask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask.forward", false]], "forward() (seqm_one_all method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All.forward", false]], "forward() (seqm_one_energy method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy.forward", false]], "forward() (seqm_orbitalmask method)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask.forward", false]], "forward() (staticimageperiodicpairindexer method)": [[87, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer.forward", false]], "forward() (stressforce method)": [[88, "hippynn.layers.physics.StressForce.forward", false]], "forward() (sysmaxofatoms method)": [[80, "hippynn.layers.indexers.SysMaxOfAtoms.forward", false]], "forward() (valuemod method)": [[77, "hippynn.layers.algebra.ValueMod.forward", false]], "forward() (vecmag method)": [[88, "hippynn.layers.physics.VecMag.forward", false]], "forward() (wolfscreening method)": [[88, "hippynn.layers.physics.WolfScreening.forward", false]], "fraction_train_eval (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.fraction_train_eval", false], [25, "hippynn.experiment.routines.SetupParams.fraction_train_eval", false]], "from_evaluator() (metrictracker class method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.from_evaluator", false]], "from_graph() (predictor class method)": [[28, "hippynn.graphs.Predictor.from_graph", false], [57, "hippynn.graphs.predictor.Predictor.from_graph", false]], "fuzzyhistogram (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.FuzzyHistogram", false]], "fuzzyhistogrammer (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.FuzzyHistogrammer", false]], "gaussiansensitivitymodule (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.GaussianSensitivityModule", false]], "gen_par (class in hippynn.interfaces.pyseqm_interface.gen_par)": [[70, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par", false]], "generate_database_info() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.generate_database_info", false]], "geometryoptimizer (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.GeometryOptimizer", false]], "get_charges() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_charges", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_charges", false]], "get_connected_nodes() (in module hippynn.graphs)": [[28, "hippynn.graphs.get_connected_nodes", false]], "get_connected_nodes() (in module hippynn.graphs.nodes.base.node_functions)": [[46, "hippynn.graphs.nodes.base.node_functions.get_connected_nodes", false]], "get_data() (moleculardynamics method)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.get_data", false]], "get_device() (database method)": [[13, "hippynn.databases.Database.get_device", false], [15, "hippynn.databases.database.Database.get_device", false]], "get_dipole() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_dipole", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_dipole", false]], "get_dipole_moment() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_dipole_moment", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_dipole_moment", false]], "get_energies() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_energies", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_energies", false]], "get_energy() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_energy", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_energy", false]], "get_extra_state() (interactlayervec method)": [[79, "hippynn.layers.hiplayers.InteractLayerVec.get_extra_state", false]], "get_file_dict() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.get_file_dict", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.get_file_dict", false]], "get_forces() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_forces", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_forces", false]], "get_free_energy() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_free_energy", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_free_energy", false]], "get_graphs() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.get_graphs", false]], "get_magmom() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_magmom", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_magmom", false]], "get_magmoms() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_magmoms", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_magmoms", false]], "get_main_outputs() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.get_main_outputs", false]], "get_module() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.get_module", false], [31, "hippynn.graphs.graph.GraphModule.get_module", false]], "get_potential_energies() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_potential_energies", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_potential_energies", false]], "get_potential_energy() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_potential_energy", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_potential_energy", false]], "get_property() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_property", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_property", false]], "get_reduced_index_state() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.get_reduced_index_state", false]], "get_reduced_index_state() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.get_reduced_index_state", false]], "get_simulated_data() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.get_simulated_data", false]], "get_step_function() (in module hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.get_step_function", false]], "get_stress() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_stress", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_stress", false]], "get_stresses() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.get_stresses", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_stresses", false]], "get_subgraph() (in module hippynn.graphs)": [[28, "hippynn.graphs.get_subgraph", false]], "get_subgraph() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.get_subgraph", false]], "gradient (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.Gradient", false]], "gradientnode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.GradientNode", false]], "graphinconsistency": [[30, "hippynn.graphs.gops.GraphInconsistency", false]], "graphmodule (class in hippynn.graphs)": [[28, "hippynn.graphs.GraphModule", false]], "graphmodule (class in hippynn.graphs.graph)": [[31, "hippynn.graphs.graph.GraphModule", false]], "hamiltonian_one (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One", false]], "hatomregressor (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.HAtomRegressor", false]], "hbondnode (class in hippynn.graphs.nodes.targets)": [[56, "hippynn.graphs.nodes.targets.HBondNode", false]], "hbondsymmetric (class in hippynn.layers.targets)": [[90, "hippynn.layers.targets.HBondSymmetric", false]], "hcharge (class in hippynn.layers.targets)": [[90, "hippynn.layers.targets.HCharge", false]], "hchargenode (class in hippynn.graphs.nodes.targets)": [[56, "hippynn.graphs.nodes.targets.HChargeNode", false]], "henergy (class in hippynn.layers.targets)": [[90, "hippynn.layers.targets.HEnergy", false]], "henergynode (class in hippynn.graphs.nodes.targets)": [[56, "hippynn.graphs.nodes.targets.HEnergyNode", false]], "hierarchical_energy_initialization() (in module hippynn.pretraining)": [[104, "hippynn.pretraining.hierarchical_energy_initialization", false]], "hierarchicalityplot (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.HierarchicalityPlot", false]], "hipnn (class in hippynn.graphs.nodes.networks)": [[52, "hippynn.graphs.nodes.networks.Hipnn", false]], "hipnn (class in hippynn.networks.hipnn)": [[95, "hippynn.networks.hipnn.Hipnn", false]], "hipnnquad (class in hippynn.graphs.nodes.networks)": [[52, "hippynn.graphs.nodes.networks.HipnnQuad", false]], "hipnnquad (class in hippynn.networks.hipnn)": [[95, "hippynn.networks.hipnn.HipnnQuad", false]], "hipnnvec (class in hippynn.graphs.nodes.networks)": [[52, "hippynn.graphs.nodes.networks.HipnnVec", false]], "hipnnvec (class in hippynn.networks.hipnn)": [[95, "hippynn.networks.hipnn.HipnnVec", false]], "hippynn": [[0, "module-hippynn", false]], "hippynn.custom_kernels": [[1, "module-hippynn.custom_kernels", false]], "hippynn.custom_kernels.autograd_wrapper": [[2, "module-hippynn.custom_kernels.autograd_wrapper", false]], "hippynn.custom_kernels.env_cupy": [[3, "module-hippynn.custom_kernels.env_cupy", false]], "hippynn.custom_kernels.env_numba": [[4, "module-hippynn.custom_kernels.env_numba", false]], "hippynn.custom_kernels.env_pytorch": [[5, "module-hippynn.custom_kernels.env_pytorch", false]], "hippynn.custom_kernels.fast_convert": [[7, "module-hippynn.custom_kernels.fast_convert", false]], "hippynn.custom_kernels.tensor_wrapper": [[8, "module-hippynn.custom_kernels.tensor_wrapper", false]], "hippynn.custom_kernels.test_env_cupy": [[9, "module-hippynn.custom_kernels.test_env_cupy", false]], "hippynn.custom_kernels.test_env_numba": [[10, "module-hippynn.custom_kernels.test_env_numba", false]], "hippynn.custom_kernels.utils": [[12, "module-hippynn.custom_kernels.utils", false]], "hippynn.databases": [[13, "module-hippynn.databases", false]], "hippynn.databases.database": [[15, "module-hippynn.databases.database", false]], "hippynn.databases.ondisk": [[17, "module-hippynn.databases.ondisk", false]], "hippynn.databases.restarter": [[18, "module-hippynn.databases.restarter", false]], "hippynn.databases.snapjson": [[14, "module-hippynn.databases.SNAPJson", false]], "hippynn.experiment": [[19, "module-hippynn.experiment", false]], "hippynn.experiment.assembly": [[20, "module-hippynn.experiment.assembly", false]], "hippynn.experiment.controllers": [[21, "module-hippynn.experiment.controllers", false]], "hippynn.experiment.device": [[22, "module-hippynn.experiment.device", false]], "hippynn.experiment.evaluator": [[23, "module-hippynn.experiment.evaluator", false]], "hippynn.experiment.metric_tracker": [[24, "module-hippynn.experiment.metric_tracker", false]], "hippynn.experiment.routines": [[25, "module-hippynn.experiment.routines", false]], "hippynn.experiment.serialization": [[26, "module-hippynn.experiment.serialization", false]], "hippynn.experiment.step_functions": [[27, "module-hippynn.experiment.step_functions", false]], "hippynn.graphs": [[28, "module-hippynn.graphs", false]], "hippynn.graphs.ensemble": [[29, "module-hippynn.graphs.ensemble", false]], "hippynn.graphs.gops": [[30, "module-hippynn.graphs.gops", false]], "hippynn.graphs.graph": [[31, "module-hippynn.graphs.graph", false]], "hippynn.graphs.indextransformers": [[32, "module-hippynn.graphs.indextransformers", false]], "hippynn.graphs.indextransformers.atoms": [[33, "module-hippynn.graphs.indextransformers.atoms", false]], "hippynn.graphs.indextransformers.pairs": [[34, "module-hippynn.graphs.indextransformers.pairs", false]], "hippynn.graphs.indextransformers.tensors": [[35, "module-hippynn.graphs.indextransformers.tensors", false]], "hippynn.graphs.indextypes": [[36, "module-hippynn.graphs.indextypes", false]], "hippynn.graphs.indextypes.reduce_funcs": [[37, "module-hippynn.graphs.indextypes.reduce_funcs", false]], "hippynn.graphs.indextypes.registry": [[38, "module-hippynn.graphs.indextypes.registry", false]], "hippynn.graphs.indextypes.type_def": [[39, "module-hippynn.graphs.indextypes.type_def", false]], "hippynn.graphs.nodes": [[40, "module-hippynn.graphs.nodes", false]], "hippynn.graphs.nodes.base": [[41, "module-hippynn.graphs.nodes.base", false]], "hippynn.graphs.nodes.base.algebra": [[42, "module-hippynn.graphs.nodes.base.algebra", false]], "hippynn.graphs.nodes.base.base": [[43, "module-hippynn.graphs.nodes.base.base", false]], "hippynn.graphs.nodes.base.definition_helpers": [[44, "module-hippynn.graphs.nodes.base.definition_helpers", false]], "hippynn.graphs.nodes.base.multi": [[45, "module-hippynn.graphs.nodes.base.multi", false]], "hippynn.graphs.nodes.base.node_functions": [[46, "module-hippynn.graphs.nodes.base.node_functions", false]], "hippynn.graphs.nodes.excited": [[47, "module-hippynn.graphs.nodes.excited", false]], "hippynn.graphs.nodes.indexers": [[48, "module-hippynn.graphs.nodes.indexers", false]], "hippynn.graphs.nodes.inputs": [[49, "module-hippynn.graphs.nodes.inputs", false]], "hippynn.graphs.nodes.loss": [[50, "module-hippynn.graphs.nodes.loss", false]], "hippynn.graphs.nodes.misc": [[51, "module-hippynn.graphs.nodes.misc", false]], "hippynn.graphs.nodes.networks": [[52, "module-hippynn.graphs.nodes.networks", false]], "hippynn.graphs.nodes.pairs": [[53, "module-hippynn.graphs.nodes.pairs", false]], "hippynn.graphs.nodes.physics": [[54, "module-hippynn.graphs.nodes.physics", false]], "hippynn.graphs.nodes.tags": [[55, "module-hippynn.graphs.nodes.tags", false]], "hippynn.graphs.nodes.targets": [[56, "module-hippynn.graphs.nodes.targets", false]], "hippynn.graphs.predictor": [[57, "module-hippynn.graphs.predictor", false]], "hippynn.graphs.viz": [[58, "module-hippynn.graphs.viz", false]], "hippynn.interfaces": [[59, "module-hippynn.interfaces", false]], "hippynn.interfaces.ase_interface": [[60, "module-hippynn.interfaces.ase_interface", false]], "hippynn.interfaces.ase_interface.ase_database": [[61, "module-hippynn.interfaces.ase_interface.ase_database", false]], "hippynn.interfaces.ase_interface.ase_unittests": [[62, "module-hippynn.interfaces.ase_interface.ase_unittests", false]], "hippynn.interfaces.ase_interface.calculator": [[63, "module-hippynn.interfaces.ase_interface.calculator", false]], "hippynn.interfaces.ase_interface.pairfinder": [[64, "module-hippynn.interfaces.ase_interface.pairfinder", false]], "hippynn.interfaces.lammps_interface": [[65, "module-hippynn.interfaces.lammps_interface", false]], "hippynn.interfaces.lammps_interface.mliap_interface": [[66, "module-hippynn.interfaces.lammps_interface.mliap_interface", false]], "hippynn.interfaces.pyseqm_interface": [[67, "module-hippynn.interfaces.pyseqm_interface", false]], "hippynn.interfaces.pyseqm_interface.callback": [[68, "module-hippynn.interfaces.pyseqm_interface.callback", false]], "hippynn.interfaces.pyseqm_interface.check": [[69, "module-hippynn.interfaces.pyseqm_interface.check", false]], "hippynn.interfaces.pyseqm_interface.gen_par": [[70, "module-hippynn.interfaces.pyseqm_interface.gen_par", false]], "hippynn.interfaces.pyseqm_interface.mlseqm": [[71, "module-hippynn.interfaces.pyseqm_interface.mlseqm", false]], "hippynn.interfaces.pyseqm_interface.seqm_modules": [[72, "module-hippynn.interfaces.pyseqm_interface.seqm_modules", false]], "hippynn.interfaces.pyseqm_interface.seqm_nodes": [[73, "module-hippynn.interfaces.pyseqm_interface.seqm_nodes", false]], "hippynn.interfaces.pyseqm_interface.seqm_one": [[74, "module-hippynn.interfaces.pyseqm_interface.seqm_one", false]], "hippynn.interfaces.schnetpack_interface": [[75, "module-hippynn.interfaces.schnetpack_interface", false]], "hippynn.layers": [[76, "module-hippynn.layers", false]], "hippynn.layers.algebra": [[77, "module-hippynn.layers.algebra", false]], "hippynn.layers.excited": [[78, "module-hippynn.layers.excited", false]], "hippynn.layers.hiplayers": [[79, "module-hippynn.layers.hiplayers", false]], "hippynn.layers.indexers": [[80, "module-hippynn.layers.indexers", false]], "hippynn.layers.pairs": [[81, "module-hippynn.layers.pairs", false]], "hippynn.layers.pairs.analysis": [[82, "module-hippynn.layers.pairs.analysis", false]], "hippynn.layers.pairs.dispatch": [[83, "module-hippynn.layers.pairs.dispatch", false]], "hippynn.layers.pairs.filters": [[84, "module-hippynn.layers.pairs.filters", false]], "hippynn.layers.pairs.indexing": [[85, "module-hippynn.layers.pairs.indexing", false]], "hippynn.layers.pairs.open": [[86, "module-hippynn.layers.pairs.open", false]], "hippynn.layers.pairs.periodic": [[87, "module-hippynn.layers.pairs.periodic", false]], "hippynn.layers.physics": [[88, "module-hippynn.layers.physics", false]], "hippynn.layers.regularization": [[89, "module-hippynn.layers.regularization", false]], "hippynn.layers.targets": [[90, "module-hippynn.layers.targets", false]], "hippynn.layers.transform": [[91, "module-hippynn.layers.transform", false]], "hippynn.molecular_dynamics": [[92, "module-hippynn.molecular_dynamics", false]], "hippynn.molecular_dynamics.md": [[93, "module-hippynn.molecular_dynamics.md", false]], "hippynn.networks": [[94, "module-hippynn.networks", false]], "hippynn.networks.hipnn": [[95, "module-hippynn.networks.hipnn", false]], "hippynn.optimizer": [[96, "module-hippynn.optimizer", false]], "hippynn.optimizer.algorithms": [[97, "module-hippynn.optimizer.algorithms", false]], "hippynn.optimizer.batch_optimizer": [[98, "module-hippynn.optimizer.batch_optimizer", false]], "hippynn.optimizer.utils": [[99, "module-hippynn.optimizer.utils", false]], "hippynn.plotting": [[100, "module-hippynn.plotting", false]], "hippynn.plotting.plotmaker": [[101, "module-hippynn.plotting.plotmaker", false]], "hippynn.plotting.plotters": [[102, "module-hippynn.plotting.plotters", false]], "hippynn.plotting.timeplots": [[103, "module-hippynn.plotting.timeplots", false]], "hippynn.pretraining": [[104, "module-hippynn.pretraining", false]], "hippynn.tools": [[105, "module-hippynn.tools", false]], "hippynncalculator (class in hippynn.interfaces.ase_interface)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator", false]], "hippynncalculator (class in hippynn.interfaces.ase_interface.calculator)": [[63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator", false]], "hist1d (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.Hist1D", false]], "hist1dcomp (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.Hist1DComp", false]], "hist2d (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.Hist2D", false]], "identify_inputs() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.identify_inputs", false]], "identify_targets() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.identify_targets", false]], "idx (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.Idx", false]], "idx_atom_molatom() (in module hippynn.graphs.indextransformers.atoms)": [[33, "hippynn.graphs.indextransformers.atoms.idx_atom_molatom", false]], "idx_molatom_atom() (in module hippynn.graphs.indextransformers.atoms)": [[33, "hippynn.graphs.indextransformers.atoms.idx_molatom_atom", false]], "idx_molatomatom_pair() (in module hippynn.graphs.indextransformers.pairs)": [[34, "hippynn.graphs.indextransformers.pairs.idx_molatomatom_pair", false]], "idx_pair_molatomatom() (in module hippynn.graphs.indextransformers.pairs)": [[34, "hippynn.graphs.indextransformers.pairs.idx_pair_molatomatom", false]], "idx_quadtrimol() (in module hippynn.graphs.indextransformers.tensors)": [[35, "hippynn.graphs.indextransformers.tensors.idx_QuadTriMol", false]], "idxtype (class in hippynn.graphs)": [[28, "hippynn.graphs.IdxType", false]], "idxtype (class in hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.IdxType", false]], "idxtype (class in hippynn.graphs.indextypes.type_def)": [[39, "hippynn.graphs.indextypes.type_def.IdxType", false]], "index_type_coercion() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.index_type_coercion", false]], "index_type_coercion() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.index_type_coercion", false]], "indexformtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer", false]], "indexnode (class in hippynn.graphs.nodes.base.multi)": [[45, "hippynn.graphs.nodes.base.multi.IndexNode", false]], "indices (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.Indices", false]], "initialize_buffers() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.initialize_buffers", false]], "input_type_str (cellnode attribute)": [[49, "hippynn.graphs.nodes.inputs.CellNode.input_type_str", false]], "input_type_str (densitymatrixnode attribute)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode.input_type_str", false]], "input_type_str (forcenode attribute)": [[49, "hippynn.graphs.nodes.inputs.ForceNode.input_type_str", false]], "input_type_str (indices attribute)": [[49, "hippynn.graphs.nodes.inputs.Indices.input_type_str", false]], "input_type_str (inputcharges attribute)": [[49, "hippynn.graphs.nodes.inputs.InputCharges.input_type_str", false]], "input_type_str (inputnode attribute)": [[43, "hippynn.graphs.nodes.base.base.InputNode.input_type_str", false]], "input_type_str (notconvergednode attribute)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode.input_type_str", false]], "input_type_str (pairindices attribute)": [[49, "hippynn.graphs.nodes.inputs.PairIndices.input_type_str", false]], "input_type_str (positionsnode attribute)": [[49, "hippynn.graphs.nodes.inputs.PositionsNode.input_type_str", false]], "input_type_str (speciesnode attribute)": [[49, "hippynn.graphs.nodes.inputs.SpeciesNode.input_type_str", false]], "input_type_str (splitindices attribute)": [[49, "hippynn.graphs.nodes.inputs.SplitIndices.input_type_str", false]], "inputcharges (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.InputCharges", false]], "inputnode (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.InputNode", false]], "inputs (predictor property)": [[28, "hippynn.graphs.Predictor.inputs", false], [57, "hippynn.graphs.predictor.Predictor.inputs", false]], "interaction_layers (hipnn property)": [[95, "hippynn.networks.hipnn.Hipnn.interaction_layers", false]], "interactionplot (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.InteractionPlot", false]], "interactlayer (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.InteractLayer", false]], "interactlayerquad (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.InteractLayerQuad", false]], "interactlayervec (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.InteractLayerVec", false]], "inversesensitivitymodule (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.InverseSensitivityModule", false]], "invnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.InvNode", false]], "is_equal_state_dict() (in module hippynn.tools)": [[105, "hippynn.tools.is_equal_state_dict", false]], "is_scheduler_like() (in module hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.is_scheduler_like", false]], "isiterable() (in module hippynn.tools)": [[105, "hippynn.tools.isiterable", false]], "kdtreeneighbors (class in hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.KDTreeNeighbors", false]], "kdtreepairs (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.KDTreePairs", false]], "kdtreepairsmemory (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.KDTreePairsMemory", false]], "kdtreepairsmemory (class in hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.KDTreePairsMemory", false]], "l1reg() (in module hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.l1reg", false]], "l2reg() (in module hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.l2reg", false]], "lambdamodule (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.LambdaModule", false]], "langevindynamics (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.LangevinDynamics", false]], "launch_bounds() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.launch_bounds", false]], "launch_bounds() (wrappedenvsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.launch_bounds", false]], "launch_bounds() (wrappedfeatsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.launch_bounds", false]], "launch_bounds() (wrappedsensesum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.launch_bounds", false]], "learning_rate (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.learning_rate", false], [25, "hippynn.experiment.routines.SetupParams.learning_rate", false]], "listmod (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.ListMod", false]], "listnode (class in hippynn.graphs.nodes.misc)": [[51, "hippynn.graphs.nodes.misc.ListNode", false]], "load_arrays() (asedatabase method)": [[13, "hippynn.databases.AseDatabase.load_arrays", false], [60, "hippynn.interfaces.ase_interface.AseDatabase.load_arrays", false], [61, "hippynn.interfaces.ase_interface.ase_database.AseDatabase.load_arrays", false]], "load_arrays() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.load_arrays", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.load_arrays", false]], "load_arrays() (npzdatabase method)": [[13, "hippynn.databases.NPZDatabase.load_arrays", false], [17, "hippynn.databases.ondisk.NPZDatabase.load_arrays", false]], "load_arrays() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.load_arrays", false]], "load_checkpoint() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.load_checkpoint", false]], "load_checkpoint_from_cwd() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.load_checkpoint_from_cwd", false]], "load_model_from_cwd() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.load_model_from_cwd", false]], "load_saved_tensors() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.load_saved_tensors", false]], "load_state_dict() (controller method)": [[21, "hippynn.experiment.controllers.Controller.load_state_dict", false]], "load_state_dict() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.load_state_dict", false]], "localatomenergynode (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode", false]], "localatomsenergy (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy", false]], "localchargeenergy (class in hippynn.graphs.nodes.targets)": [[56, "hippynn.graphs.nodes.targets.LocalChargeEnergy", false]], "localchargeenergy (class in hippynn.layers.targets)": [[90, "hippynn.layers.targets.LocalChargeEnergy", false]], "localdampingcosine (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.LocalDampingCosine", false]], "localenergy (class in hippynn.layers.excited)": [[78, "hippynn.layers.excited.LocalEnergy", false]], "localenergynode (class in hippynn.graphs.nodes.excited)": [[47, "hippynn.graphs.nodes.excited.LocalEnergyNode", false]], "log() (bfgsv1 method)": [[97, "hippynn.optimizer.algorithms.BFGSv1.log", false]], "log() (bfgsv2 method)": [[97, "hippynn.optimizer.algorithms.BFGSv2.log", false]], "log() (bfgsv3 method)": [[97, "hippynn.optimizer.algorithms.BFGSv3.log", false]], "log() (fire method)": [[97, "hippynn.optimizer.algorithms.FIRE.log", false]], "log_terminal() (in module hippynn.tools)": [[105, "hippynn.tools.log_terminal", false]], "loss (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.loss", false]], "loss_func() (weightedmaeloss static method)": [[77, "hippynn.layers.algebra.WeightedMAELoss.loss_func", false]], "loss_func() (weightedmseloss static method)": [[77, "hippynn.layers.algebra.WeightedMSELoss.loss_func", false]], "lossinputnode (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.LossInputNode", false]], "lossprednode (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.LossPredNode", false]], "losstruenode (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.LossTrueNode", false]], "lpreg (class in hippynn.layers.regularization)": [[89, "hippynn.layers.regularization.LPReg", false]], "lpreg() (in module hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.lpreg", false]], "maeloss (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.MAELoss", false]], "maephaseloss (class in hippynn.graphs.nodes.excited)": [[47, "hippynn.graphs.nodes.excited.MAEPhaseLoss", false]], "main() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.main", false]], "main_output (losstruenode property)": [[43, "hippynn.graphs.nodes.base.base.LossTrueNode.main_output", false]], "main_output (multinode property)": [[45, "hippynn.graphs.nodes.base.multi.MultiNode.main_output", false]], "mainoutputtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer", false]], "make_automatic_splits() (database method)": [[13, "hippynn.databases.Database.make_automatic_splits", false], [15, "hippynn.databases.database.Database.make_automatic_splits", false]], "make_database_cache() (database method)": [[13, "hippynn.databases.Database.make_database_cache", false], [15, "hippynn.databases.database.Database.make_database_cache", false]], "make_ensemble() (in module hippynn.graphs)": [[28, "hippynn.graphs.make_ensemble", false]], "make_ensemble() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.make_ensemble", false]], "make_ensemble_graph() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.make_ensemble_graph", false]], "make_ensemble_info() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.make_ensemble_info", false]], "make_explicit_split() (database method)": [[13, "hippynn.databases.Database.make_explicit_split", false], [15, "hippynn.databases.database.Database.make_explicit_split", false]], "make_explicit_split_bool() (database method)": [[13, "hippynn.databases.Database.make_explicit_split_bool", false], [15, "hippynn.databases.database.Database.make_explicit_split_bool", false]], "make_full_location() (plotmaker method)": [[101, "hippynn.plotting.plotmaker.PlotMaker.make_full_location", false]], "make_generator() (database method)": [[13, "hippynn.databases.Database.make_generator", false], [15, "hippynn.databases.database.Database.make_generator", false]], "make_kernel() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.make_kernel", false]], "make_kernel() (wrappedenvsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.make_kernel", false]], "make_kernel() (wrappedfeatsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.make_kernel", false]], "make_kernel() (wrappedsensesum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.make_kernel", false]], "make_plot() (plotter method)": [[102, "hippynn.plotting.plotters.Plotter.make_plot", false]], "make_plots() (plotmaker method)": [[101, "hippynn.plotting.plotmaker.PlotMaker.make_plots", false]], "make_random_split() (database method)": [[13, "hippynn.databases.Database.make_random_split", false], [15, "hippynn.databases.database.Database.make_random_split", false]], "make_restarter() (restartable class method)": [[18, "hippynn.databases.restarter.Restartable.make_restarter", false]], "make_trainvalidtest_split() (database method)": [[13, "hippynn.databases.Database.make_trainvalidtest_split", false], [15, "hippynn.databases.database.Database.make_trainvalidtest_split", false]], "match() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.match", false]], "matched_idx_coercion() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.matched_idx_coercion", false]], "matchlen() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.matchlen", false]], "max_epochs (controller property)": [[21, "hippynn.experiment.controllers.Controller.max_epochs", false]], "max_epochs (patiencecontroller property)": [[21, "hippynn.experiment.controllers.PatienceController.max_epochs", false]], "max_epochs (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.max_epochs", false], [25, "hippynn.experiment.routines.SetupParams.max_epochs", false]], "mean (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.Mean", false]], "mean_elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.mean_elapsed", false]], "mean_sq() (in module hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.mean_sq", false]], "meansq (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.MeanSq", false]], "median_elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.median_elapsed", false]], "memory (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.Memory", false]], "merge_children() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.merge_children", false]], "merge_children_recursive() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.merge_children_recursive", false]], "metrictracker (class in hippynn.experiment.metric_tracker)": [[24, "hippynn.experiment.metric_tracker.MetricTracker", false]], "min_dist_info() (in module hippynn.layers.pairs.analysis)": [[82, "hippynn.layers.pairs.analysis.min_dist_info", false]], "mindistmodule (class in hippynn.layers.pairs.analysis)": [[82, "hippynn.layers.pairs.analysis.MinDistModule", false]], "mindistnode (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.MinDistNode", false]], "mliapinterface (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface", false]], "mlseqm (class in hippynn.interfaces.pyseqm_interface.mlseqm)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM", false]], "mlseqm_node (class in hippynn.interfaces.pyseqm_interface.mlseqm)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node", false]], "model (moleculardynamics property)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.model", false]], "model (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.model", false]], "model_device (predictor property)": [[28, "hippynn.graphs.Predictor.model_device", false], [57, "hippynn.graphs.predictor.Predictor.model_device", false]], "model_input_map (variable property)": [[93, "hippynn.molecular_dynamics.md.Variable.model_input_map", false]], "module": [[0, "module-hippynn", false], [1, "module-hippynn.custom_kernels", false], [2, "module-hippynn.custom_kernels.autograd_wrapper", false], [3, "module-hippynn.custom_kernels.env_cupy", false], [4, "module-hippynn.custom_kernels.env_numba", false], [5, "module-hippynn.custom_kernels.env_pytorch", false], [7, "module-hippynn.custom_kernels.fast_convert", false], [8, "module-hippynn.custom_kernels.tensor_wrapper", false], [9, "module-hippynn.custom_kernels.test_env_cupy", false], [10, "module-hippynn.custom_kernels.test_env_numba", false], [12, "module-hippynn.custom_kernels.utils", false], [13, "module-hippynn.databases", false], [14, "module-hippynn.databases.SNAPJson", false], [15, "module-hippynn.databases.database", false], [17, "module-hippynn.databases.ondisk", false], [18, "module-hippynn.databases.restarter", false], [19, "module-hippynn.experiment", false], [20, "module-hippynn.experiment.assembly", false], [21, "module-hippynn.experiment.controllers", false], [22, "module-hippynn.experiment.device", false], [23, "module-hippynn.experiment.evaluator", false], [24, "module-hippynn.experiment.metric_tracker", false], [25, "module-hippynn.experiment.routines", false], [26, "module-hippynn.experiment.serialization", false], [27, "module-hippynn.experiment.step_functions", false], [28, "module-hippynn.graphs", false], [29, "module-hippynn.graphs.ensemble", false], [30, "module-hippynn.graphs.gops", false], [31, "module-hippynn.graphs.graph", false], [32, "module-hippynn.graphs.indextransformers", false], [33, "module-hippynn.graphs.indextransformers.atoms", false], [34, "module-hippynn.graphs.indextransformers.pairs", false], [35, "module-hippynn.graphs.indextransformers.tensors", false], [36, "module-hippynn.graphs.indextypes", false], [37, "module-hippynn.graphs.indextypes.reduce_funcs", false], [38, "module-hippynn.graphs.indextypes.registry", false], [39, "module-hippynn.graphs.indextypes.type_def", false], [40, "module-hippynn.graphs.nodes", false], [41, "module-hippynn.graphs.nodes.base", false], [42, "module-hippynn.graphs.nodes.base.algebra", false], [43, "module-hippynn.graphs.nodes.base.base", false], [44, "module-hippynn.graphs.nodes.base.definition_helpers", false], [45, "module-hippynn.graphs.nodes.base.multi", false], [46, "module-hippynn.graphs.nodes.base.node_functions", false], [47, "module-hippynn.graphs.nodes.excited", false], [48, "module-hippynn.graphs.nodes.indexers", false], [49, "module-hippynn.graphs.nodes.inputs", false], [50, "module-hippynn.graphs.nodes.loss", false], [51, "module-hippynn.graphs.nodes.misc", false], [52, "module-hippynn.graphs.nodes.networks", false], [53, "module-hippynn.graphs.nodes.pairs", false], [54, "module-hippynn.graphs.nodes.physics", false], [55, "module-hippynn.graphs.nodes.tags", false], [56, "module-hippynn.graphs.nodes.targets", false], [57, "module-hippynn.graphs.predictor", false], [58, "module-hippynn.graphs.viz", false], [59, "module-hippynn.interfaces", false], [60, "module-hippynn.interfaces.ase_interface", false], [61, "module-hippynn.interfaces.ase_interface.ase_database", false], [62, "module-hippynn.interfaces.ase_interface.ase_unittests", false], [63, "module-hippynn.interfaces.ase_interface.calculator", false], [64, "module-hippynn.interfaces.ase_interface.pairfinder", false], [65, "module-hippynn.interfaces.lammps_interface", false], [66, "module-hippynn.interfaces.lammps_interface.mliap_interface", false], [67, "module-hippynn.interfaces.pyseqm_interface", false], [68, "module-hippynn.interfaces.pyseqm_interface.callback", false], [69, "module-hippynn.interfaces.pyseqm_interface.check", false], [70, "module-hippynn.interfaces.pyseqm_interface.gen_par", false], [71, "module-hippynn.interfaces.pyseqm_interface.mlseqm", false], [72, "module-hippynn.interfaces.pyseqm_interface.seqm_modules", false], [73, "module-hippynn.interfaces.pyseqm_interface.seqm_nodes", false], [74, "module-hippynn.interfaces.pyseqm_interface.seqm_one", false], [75, "module-hippynn.interfaces.schnetpack_interface", false], [76, "module-hippynn.layers", false], [77, "module-hippynn.layers.algebra", false], [78, "module-hippynn.layers.excited", false], [79, "module-hippynn.layers.hiplayers", false], [80, "module-hippynn.layers.indexers", false], [81, "module-hippynn.layers.pairs", false], [82, "module-hippynn.layers.pairs.analysis", false], [83, "module-hippynn.layers.pairs.dispatch", false], [84, "module-hippynn.layers.pairs.filters", false], [85, "module-hippynn.layers.pairs.indexing", false], [86, "module-hippynn.layers.pairs.open", false], [87, "module-hippynn.layers.pairs.periodic", false], [88, "module-hippynn.layers.physics", false], [89, "module-hippynn.layers.regularization", false], [90, "module-hippynn.layers.targets", false], [91, "module-hippynn.layers.transform", false], [92, "module-hippynn.molecular_dynamics", false], [93, "module-hippynn.molecular_dynamics.md", false], [94, "module-hippynn.networks", false], [95, "module-hippynn.networks.hipnn", false], [96, "module-hippynn.optimizer", false], [97, "module-hippynn.optimizer.algorithms", false], [98, "module-hippynn.optimizer.batch_optimizer", false], [99, "module-hippynn.optimizer.utils", false], [100, "module-hippynn.plotting", false], [101, "module-hippynn.plotting.plotmaker", false], [102, "module-hippynn.plotting.plotters", false], [103, "module-hippynn.plotting.timeplots", false], [104, "module-hippynn.pretraining", false], [105, "module-hippynn.tools", false]], "molatom (idxtype attribute)": [[28, "hippynn.graphs.IdxType.MolAtom", false], [36, "hippynn.graphs.indextypes.IdxType.MolAtom", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.MolAtom", false]], "molatomatom (idxtype attribute)": [[28, "hippynn.graphs.IdxType.MolAtomAtom", false], [36, "hippynn.graphs.indextypes.IdxType.MolAtomAtom", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.MolAtomAtom", false]], "moleculardynamics (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics", false]], "molecules (idxtype attribute)": [[28, "hippynn.graphs.IdxType.Molecules", false], [36, "hippynn.graphs.indextypes.IdxType.Molecules", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.Molecules", false]], "molpairsummer (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.MolPairSummer", false]], "molsummer (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.MolSummer", false]], "mseloss (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.MSELoss", false]], "msephaseloss (class in hippynn.graphs.nodes.excited)": [[47, "hippynn.graphs.nodes.excited.MSEPhaseLoss", false]], "mulnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.MulNode", false]], "multigradient (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.MultiGradient", false]], "multigradientnode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.MultiGradientNode", false]], "multinode (class in hippynn.graphs.nodes.base.multi)": [[45, "hippynn.graphs.nodes.base.multi.MultiNode", false]], "nacr (class in hippynn.layers.excited)": [[78, "hippynn.layers.excited.NACR", false]], "nacrmultistate (class in hippynn.layers.excited)": [[78, "hippynn.layers.excited.NACRMultiState", false]], "nacrmultistatenode (class in hippynn.graphs.nodes.excited)": [[47, "hippynn.graphs.nodes.excited.NACRMultiStateNode", false]], "nacrnode (class in hippynn.graphs.nodes.excited)": [[47, "hippynn.graphs.nodes.excited.NACRNode", false]], "namedtensordataset (class in hippynn.databases.database)": [[15, "hippynn.databases.database.NamedTensorDataset", false]], "negnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.NegNode", false]], "neighbor_list_kdtree() (in module hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.neighbor_list_kdtree", false]], "neighbor_list_np() (in module hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.neighbor_list_np", false]], "network (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Network", false]], "newtonraphson (class in hippynn.optimizer.algorithms)": [[97, "hippynn.optimizer.algorithms.NewtonRaphson", false]], "node (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.Node", false]], "node_from_name() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.node_from_name", false], [31, "hippynn.graphs.graph.GraphModule.node_from_name", false]], "nodeambiguityerror": [[46, "hippynn.graphs.nodes.base.node_functions.NodeAmbiguityError", false]], "nodenotfound": [[46, "hippynn.graphs.nodes.base.node_functions.NodeNotFound", false]], "nodeoperationerror": [[46, "hippynn.graphs.nodes.base.node_functions.NodeOperationError", false]], "norestart (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.NoRestart", false]], "norm (hist2d property)": [[102, "hippynn.plotting.plotters.Hist2D.norm", false]], "notconvergednode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode", false]], "notfound (idxtype attribute)": [[28, "hippynn.graphs.IdxType.NotFound", false], [36, "hippynn.graphs.indextypes.IdxType.NotFound", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.NotFound", false]], "np_of_torchdefaultdtype() (in module hippynn.tools)": [[105, "hippynn.tools.np_of_torchdefaultdtype", false]], "npneighbors (class in hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.NPNeighbors", false]], "npzdatabase (class in hippynn.databases)": [[13, "hippynn.databases.NPZDatabase", false]], "npzdatabase (class in hippynn.databases.ondisk)": [[17, "hippynn.databases.ondisk.NPZDatabase", false]], "nullupdater (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.NullUpdater", false]], "num_orb() (in module hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.num_orb", false]], "numbacompatibletensorfunction (class in hippynn.custom_kernels.tensor_wrapper)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction", false]], "numpydynamicpairs (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.NumpyDynamicPairs", false]], "of_node() (reducesinglenode class method)": [[50, "hippynn.graphs.nodes.loss.ReduceSingleNode.of_node", false]], "onehotencoder (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.OneHotEncoder", false]], "onehotspecies (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.OneHotSpecies", false]], "openpairindexer (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.OpenPairIndexer", false]], "openpairindexer (class in hippynn.layers.pairs.open)": [[86, "hippynn.layers.pairs.open.OpenPairIndexer", false]], "optimizer (class in hippynn.optimizer.batch_optimizer)": [[98, "hippynn.optimizer.batch_optimizer.Optimizer", false]], "optimizer (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.optimizer", false], [25, "hippynn.experiment.routines.SetupParams.optimizer", false]], "out_shape() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.out_shape", false]], "out_shape() (wrappedenvsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.out_shape", false]], "out_shape() (wrappedfeatsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.out_shape", false]], "out_shape() (wrappedsensesum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.out_shape", false]], "outputs (predictor property)": [[28, "hippynn.graphs.Predictor.outputs", false], [57, "hippynn.graphs.predictor.Predictor.outputs", false]], "p_value (qscreening property)": [[88, "hippynn.layers.physics.QScreening.p_value", false]], "pack_par() (in module hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.pack_par", false]], "pad_np_array_to_length_with_zeros() (in module hippynn.tools)": [[105, "hippynn.tools.pad_np_array_to_length_with_zeros", false]], "padded_neighlist() (in module hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.padded_neighlist", false]], "paddedneighbornode (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PaddedNeighborNode", false]], "paddedneighmodule (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.PaddedNeighModule", false]], "paddingindexer (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.PaddingIndexer", false]], "paddingindexer (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.PaddingIndexer", false]], "pair (idxtype attribute)": [[28, "hippynn.graphs.IdxType.Pair", false], [36, "hippynn.graphs.indextypes.IdxType.Pair", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.Pair", false]], "paircache (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.PairCache", false]], "paircacher (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PairCacher", false]], "paircacher (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.PairCacher", false]], "pairdeindexer (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PairDeIndexer", false]], "pairdeindexer (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.PairDeIndexer", false]], "pairfilter (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PairFilter", false]], "pairindexer (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.PairIndexer", false]], "pairindices (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.PairIndices", false]], "pairmemory (class in hippynn.layers.pairs.open)": [[86, "hippynn.layers.pairs.open.PairMemory", false]], "pairreindexer (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PairReIndexer", false]], "pairreindexer (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.PairReIndexer", false]], "pairuncacher (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PairUncacher", false]], "pairuncacher (class in hippynn.layers.pairs.indexing)": [[85, "hippynn.layers.pairs.indexing.PairUncacher", false]], "param_print() (in module hippynn.tools)": [[105, "hippynn.tools.param_print", false]], "parentexpander (class in hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander", false]], "parse_args() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.parse_args", false]], "pass_to_pytorch() (in module hippynn.interfaces.ase_interface.calculator)": [[63, "hippynn.interfaces.ase_interface.calculator.pass_to_pytorch", false]], "patiencecontroller (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.PatienceController", false]], "pbchandle (class in hippynn.interfaces.ase_interface.calculator)": [[63, "hippynn.interfaces.ase_interface.calculator.PBCHandle", false]], "peratom (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.PerAtom", false]], "peratom (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.PerAtom", false]], "periodicpairindexer (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer", false]], "periodicpairindexer (class in hippynn.layers.pairs.periodic)": [[87, "hippynn.layers.pairs.periodic.PeriodicPairIndexer", false]], "periodicpairindexermemory (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory", false]], "periodicpairindexermemory (class in hippynn.layers.pairs.periodic)": [[87, "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory", false]], "periodicpairoutputs (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.PeriodicPairOutputs", false]], "plot_all_over_time() (in module hippynn.plotting.timeplots)": [[103, "hippynn.plotting.timeplots.plot_all_over_time", false]], "plot_over_time() (in module hippynn.plotting.timeplots)": [[103, "hippynn.plotting.timeplots.plot_over_time", false]], "plot_over_time() (metrictracker method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.plot_over_time", false]], "plot_phase() (plotmaker method)": [[101, "hippynn.plotting.plotmaker.PlotMaker.plot_phase", false]], "plotmaker (class in hippynn.plotting.plotmaker)": [[101, "hippynn.plotting.plotmaker.PlotMaker", false]], "plotter (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.Plotter", false]], "plt_fn() (composedplotter method)": [[102, "hippynn.plotting.plotters.ComposedPlotter.plt_fn", false]], "plt_fn() (hierarchicalityplot method)": [[102, "hippynn.plotting.plotters.HierarchicalityPlot.plt_fn", false]], "plt_fn() (hist1d method)": [[102, "hippynn.plotting.plotters.Hist1D.plt_fn", false]], "plt_fn() (hist1dcomp method)": [[102, "hippynn.plotting.plotters.Hist1DComp.plt_fn", false]], "plt_fn() (hist2d method)": [[102, "hippynn.plotting.plotters.Hist2D.plt_fn", false]], "plt_fn() (interactionplot method)": [[102, "hippynn.plotting.plotters.InteractionPlot.plt_fn", false]], "plt_fn() (plotter method)": [[102, "hippynn.plotting.plotters.Plotter.plt_fn", false]], "plt_fn() (sensitivityplot method)": [[102, "hippynn.plotting.plotters.SensitivityPlot.plt_fn", false]], "positions (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Positions", false]], "positionsnode (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.PositionsNode", false]], "post_step() (langevindynamics method)": [[93, "hippynn.molecular_dynamics.md.LangevinDynamics.post_step", false]], "post_step() (nullupdater method)": [[93, "hippynn.molecular_dynamics.md.NullUpdater.post_step", false]], "post_step() (variableupdater method)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater.post_step", false]], "post_step() (velocityverlet method)": [[93, "hippynn.molecular_dynamics.md.VelocityVerlet.post_step", false]], "pownode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.PowNode", false]], "pre_step() (langevindynamics method)": [[93, "hippynn.molecular_dynamics.md.LangevinDynamics.pre_step", false]], "pre_step() (nullupdater method)": [[93, "hippynn.molecular_dynamics.md.NullUpdater.pre_step", false]], "pre_step() (variableupdater method)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater.pre_step", false]], "pre_step() (velocityverlet method)": [[93, "hippynn.molecular_dynamics.md.VelocityVerlet.pre_step", false]], "precompute_pairs() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.precompute_pairs", false]], "pred (lossinputnode property)": [[43, "hippynn.graphs.nodes.base.base.LossInputNode.pred", false]], "predict_all() (predictor method)": [[28, "hippynn.graphs.Predictor.predict_all", false], [57, "hippynn.graphs.predictor.Predictor.predict_all", false]], "predict_batched() (predictor method)": [[28, "hippynn.graphs.Predictor.predict_batched", false], [57, "hippynn.graphs.predictor.Predictor.predict_batched", false]], "predictor (class in hippynn.graphs)": [[28, "hippynn.graphs.Predictor", false]], "predictor (class in hippynn.graphs.predictor)": [[57, "hippynn.graphs.predictor.Predictor", false]], "prettyprint_arrays() (in module hippynn.databases.database)": [[15, "hippynn.databases.database.prettyprint_arrays", false]], "print_lr() (in module hippynn.tools)": [[105, "hippynn.tools.print_lr", false]], "print_structure() (graphmodule method)": [[28, "hippynn.graphs.GraphModule.print_structure", false], [31, "hippynn.graphs.graph.GraphModule.print_structure", false]], "process_configs() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.process_configs", false]], "progress_bar() (in module hippynn.tools)": [[105, "hippynn.tools.progress_bar", false]], "push_epoch() (controller method)": [[21, "hippynn.experiment.controllers.Controller.push_epoch", false]], "push_epoch() (patiencecontroller method)": [[21, "hippynn.experiment.controllers.PatienceController.push_epoch", false]], "qscreening (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.QScreening", false]], "quadmol (idxtype attribute)": [[28, "hippynn.graphs.IdxType.QuadMol", false], [36, "hippynn.graphs.indextypes.IdxType.QuadMol", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.QuadMol", false]], "quadpack (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.QuadPack", false]], "quadpack (idxtype attribute)": [[28, "hippynn.graphs.IdxType.QuadPack", false], [36, "hippynn.graphs.indextypes.IdxType.QuadPack", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.QuadPack", false]], "quadrupole (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.Quadrupole", false]], "quadrupolenode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.QuadrupoleNode", false]], "quadunpack (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.QuadUnpack", false]], "quadunpacknode (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.QuadUnpackNode", false]], "raisebatchsizeonplateau (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau", false]], "rdfbins (class in hippynn.graphs.nodes.pairs)": [[53, "hippynn.graphs.nodes.pairs.RDFBins", false]], "rdfbins (class in hippynn.layers.pairs.analysis)": [[82, "hippynn.layers.pairs.analysis.RDFBins", false]], "rebuild_neighbors() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.rebuild_neighbors", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.rebuild_neighbors", false]], "recalculation_needed() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.recalculation_needed", false]], "reducesinglenode (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.ReduceSingleNode", false]], "register_index_transformer() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.register_index_transformer", false]], "register_index_transformer() (in module hippynn.graphs.indextypes.registry)": [[38, "hippynn.graphs.indextypes.registry.register_index_transformer", false]], "register_metrics() (metrictracker method)": [[24, "hippynn.experiment.metric_tracker.MetricTracker.register_metrics", false]], "regularization_params() (hipnn method)": [[95, "hippynn.networks.hipnn.Hipnn.regularization_params", false]], "regularization_params() (interactlayer method)": [[79, "hippynn.layers.hiplayers.InteractLayer.regularization_params", false]], "regularization_params() (resnetwrapper method)": [[91, "hippynn.layers.transform.ResNetWrapper.regularization_params", false]], "reindexatommod (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod", false]], "reindexatomnode (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode", false]], "remove_high_property() (database method)": [[13, "hippynn.databases.Database.remove_high_property", false], [15, "hippynn.databases.database.Database.remove_high_property", false]], "replace_inputs() (in module hippynn.graphs.ensemble)": [[29, "hippynn.graphs.ensemble.replace_inputs", false]], "replace_node() (in module hippynn.graphs)": [[28, "hippynn.graphs.replace_node", false]], "replace_node() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.replace_node", false]], "replace_node_with_constant() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.replace_node_with_constant", false]], "require_compatible_idx_states() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.require_compatible_idx_states", false]], "require_idx_states() (parentexpander method)": [[44, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.require_idx_states", false]], "required_nodes (plotmaker property)": [[101, "hippynn.plotting.plotmaker.PlotMaker.required_nodes", false]], "required_variable_data (langevindynamics attribute)": [[93, "hippynn.molecular_dynamics.md.LangevinDynamics.required_variable_data", false]], "required_variable_data (variableupdater attribute)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater.required_variable_data", false]], "required_variable_data (velocityverlet attribute)": [[93, "hippynn.molecular_dynamics.md.VelocityVerlet.required_variable_data", false]], "requires_grad (inputnode attribute)": [[43, "hippynn.graphs.nodes.base.base.InputNode.requires_grad", false]], "reset() (bfgsv1 method)": [[97, "hippynn.optimizer.algorithms.BFGSv1.reset", false]], "reset() (bfgsv2 method)": [[97, "hippynn.optimizer.algorithms.BFGSv2.reset", false]], "reset() (bfgsv3 method)": [[97, "hippynn.optimizer.algorithms.BFGSv3.reset", false]], "reset() (fire method)": [[97, "hippynn.optimizer.algorithms.FIRE.reset", false]], "reset() (newtonraphson method)": [[97, "hippynn.optimizer.algorithms.NewtonRaphson.reset", false]], "reset_data() (moleculardynamics method)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.reset_data", false]], "reset_reuse_percentage() (memory method)": [[53, "hippynn.graphs.nodes.pairs.Memory.reset_reuse_percentage", false]], "reset_reuse_percentage() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.reset_reuse_percentage", false]], "resnetwrapper (class in hippynn.layers.transform)": [[91, "hippynn.layers.transform.ResNetWrapper", false]], "resort_pairs_cached() (in module hippynn.custom_kernels.utils)": [[12, "hippynn.custom_kernels.utils.resort_pairs_cached", false]], "restartable (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.Restartable", false]], "restartdb (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.RestartDB", false]], "restarter (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.Restarter", false]], "restore_checkpoint() (in module hippynn.experiment.serialization)": [[26, "hippynn.experiment.serialization.restore_checkpoint", false]], "reuse_percentage (memory property)": [[53, "hippynn.graphs.nodes.pairs.Memory.reuse_percentage", false]], "reuse_percentage (pairmemory property)": [[86, "hippynn.layers.pairs.open.PairMemory.reuse_percentage", false]], "rsq (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.Rsq", false]], "rsqmod (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.RsqMod", false]], "run() (moleculardynamics method)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.run", false]], "save() (in module hippynn.interfaces.pyseqm_interface.check)": [[69, "hippynn.interfaces.pyseqm_interface.check.save", false]], "save() (mlseqm method)": [[71, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.save", false]], "save_and_stop_after() (in module hippynn.interfaces.pyseqm_interface.callback)": [[68, "hippynn.interfaces.pyseqm_interface.callback.save_and_stop_after", false]], "scalar (idxtype attribute)": [[28, "hippynn.graphs.IdxType.Scalar", false], [36, "hippynn.graphs.indextypes.IdxType.Scalar", false], [39, "hippynn.graphs.indextypes.type_def.IdxType.Scalar", false]], "scale (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale", false]], "scalenode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode", false]], "scheduler (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.scheduler", false], [25, "hippynn.experiment.routines.SetupParams.scheduler", false]], "schnetnode (class in hippynn.interfaces.schnetpack_interface)": [[75, "hippynn.interfaces.schnetpack_interface.SchNetNode", false]], "schnetwrapper (class in hippynn.interfaces.schnetpack_interface)": [[75, "hippynn.interfaces.schnetpack_interface.SchNetWrapper", false]], "screenedcoulombenergy (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.ScreenedCoulombEnergy", false]], "screenedcoulombenergynode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode", false]], "search_by_name() (in module hippynn.graphs.gops)": [[30, "hippynn.graphs.gops.search_by_name", false]], "send_to_device() (database method)": [[13, "hippynn.databases.Database.send_to_device", false], [15, "hippynn.databases.database.Database.send_to_device", false]], "sensesum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.sensesum", false]], "sensitivity_layers (hipnn property)": [[95, "hippynn.networks.hipnn.Hipnn.sensitivity_layers", false]], "sensitivitybottleneck (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.SensitivityBottleneck", false]], "sensitivitymodule (class in hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.SensitivityModule", false]], "sensitivityplot (class in hippynn.plotting.plotters)": [[102, "hippynn.plotting.plotters.SensitivityPlot", false]], "seqm_all (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All", false]], "seqm_allnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_AllNode", false]], "seqm_energy (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy", false]], "seqm_energynode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode", false]], "seqm_maskonmol (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol", false]], "seqm_maskonmolatom (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom", false]], "seqm_maskonmolatomnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode", false]], "seqm_maskonmolnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode", false]], "seqm_maskonmolorbital (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital", false]], "seqm_maskonmolorbitalatom (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom", false]], "seqm_maskonmolorbitalatomnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode", false]], "seqm_maskonmolorbitalnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode", false]], "seqm_molmask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask", false]], "seqm_molmasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode", false]], "seqm_one_all (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All", false]], "seqm_one_allnode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_AllNode", false]], "seqm_one_energy (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy", false]], "seqm_one_energynode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode", false]], "seqm_orbitalmask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[72, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask", false]], "seqm_orbitalmasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode", false]], "set() (pbchandle method)": [[63, "hippynn.interfaces.ase_interface.calculator.PBCHandle.set", false]], "set_atoms() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.set_atoms", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.set_atoms", false]], "set_controller() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.set_controller", false]], "set_custom_kernels() (in module hippynn.custom_kernels)": [[1, "hippynn.custom_kernels.set_custom_kernels", false]], "set_dbname() (multinode method)": [[45, "hippynn.graphs.nodes.base.multi.MultiNode.set_dbname", false]], "set_devices() (in module hippynn.experiment.device)": [[22, "hippynn.experiment.device.set_devices", false]], "set_e0_values() (in module hippynn.pretraining)": [[104, "hippynn.pretraining.set_e0_values", false]], "set_extra_state() (interactlayervec method)": [[79, "hippynn.layers.hiplayers.InteractLayerVec.set_extra_state", false]], "set_images() (paircacher method)": [[85, "hippynn.layers.pairs.indexing.PairCacher.set_images", false]], "set_images() (pairuncacher method)": [[85, "hippynn.layers.pairs.indexing.PairUncacher.set_images", false]], "set_skin() (pairmemory method)": [[86, "hippynn.layers.pairs.open.PairMemory.set_skin", false]], "setup_and_train() (in module hippynn.experiment)": [[19, "hippynn.experiment.setup_and_train", false]], "setup_and_train() (in module hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.setup_and_train", false]], "setup_ase_graph() (in module hippynn.interfaces.ase_interface.calculator)": [[63, "hippynn.interfaces.ase_interface.calculator.setup_ASE_graph", false]], "setup_lammps_graph() (in module hippynn.interfaces.lammps_interface.mliap_interface)": [[66, "hippynn.interfaces.lammps_interface.mliap_interface.setup_LAMMPS_graph", false]], "setup_training() (in module hippynn.experiment)": [[19, "hippynn.experiment.setup_training", false]], "setup_training() (in module hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.setup_training", false]], "setupparams (class in hippynn.experiment)": [[19, "hippynn.experiment.SetupParams", false]], "setupparams (class in hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.SetupParams", false]], "singlenode (class in hippynn.graphs.nodes.base.base)": [[43, "hippynn.graphs.nodes.base.base.SingleNode", false]], "skin (memory property)": [[53, "hippynn.graphs.nodes.pairs.Memory.skin", false]], "skin (pairmemory property)": [[86, "hippynn.layers.pairs.open.PairMemory.skin", false]], "snapdirectorydatabase (class in hippynn.databases.snapjson)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase", false]], "soft_index_type_coercion() (in module hippynn.graphs.indextypes)": [[36, "hippynn.graphs.indextypes.soft_index_type_coercion", false]], "soft_index_type_coercion() (in module hippynn.graphs.indextypes.reduce_funcs)": [[37, "hippynn.graphs.indextypes.reduce_funcs.soft_index_type_coercion", false]], "sort_by_index() (database method)": [[13, "hippynn.databases.Database.sort_by_index", false], [15, "hippynn.databases.database.Database.sort_by_index", false]], "species (class in hippynn.graphs.nodes.tags)": [[55, "hippynn.graphs.nodes.tags.Species", false]], "species_set (encoder attribute)": [[55, "hippynn.graphs.nodes.tags.Encoder.species_set", false]], "speciesnode (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.SpeciesNode", false]], "split_the_rest() (database method)": [[13, "hippynn.databases.Database.split_the_rest", false], [15, "hippynn.databases.database.Database.split_the_rest", false]], "splitindices (class in hippynn.graphs.nodes.inputs)": [[49, "hippynn.graphs.nodes.inputs.SplitIndices", false]], "standard_step_fn() (in module hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.standard_step_fn", false]], "standardstep (class in hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.StandardStep", false]], "state_dict() (controller method)": [[21, "hippynn.experiment.controllers.Controller.state_dict", false]], "state_dict() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.state_dict", false]], "staticimageperiodicpairindexer (class in hippynn.layers.pairs.periodic)": [[87, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer", false]], "std (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.Std", false]], "step (stepfn attribute)": [[27, "hippynn.experiment.step_functions.StepFn.step", false]], "step() (bfgsv1 method)": [[97, "hippynn.optimizer.algorithms.BFGSv1.step", false]], "step() (bfgsv2 method)": [[97, "hippynn.optimizer.algorithms.BFGSv2.step", false]], "step() (bfgsv3 method)": [[97, "hippynn.optimizer.algorithms.BFGSv3.step", false]], "step() (closurestep static method)": [[27, "hippynn.experiment.step_functions.ClosureStep.step", false]], "step() (fire method)": [[97, "hippynn.optimizer.algorithms.FIRE.step", false]], "step() (newtonraphson method)": [[97, "hippynn.optimizer.algorithms.NewtonRaphson.step", false]], "step() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.step", false]], "step() (standardstep static method)": [[27, "hippynn.experiment.step_functions.StandardStep.step", false]], "step() (twostep static method)": [[27, "hippynn.experiment.step_functions.TwoStep.step", false]], "stepfn (class in hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.StepFn", false]], "stopping_key (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.stopping_key", false], [25, "hippynn.experiment.routines.SetupParams.stopping_key", false]], "straininducer (class in hippynn.graphs.nodes.misc)": [[51, "hippynn.graphs.nodes.misc.StrainInducer", false]], "stressforce (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.StressForce", false]], "stressforcenode (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.StressForceNode", false]], "subnode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.SubNode", false]], "sysmaxofatoms (class in hippynn.layers.indexers)": [[80, "hippynn.layers.indexers.SysMaxOfAtoms", false]], "sysmaxofatomsnode (class in hippynn.graphs.nodes.indexers)": [[48, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode", false]], "table_evaluation_print() (in module hippynn.experiment.metric_tracker)": [[24, "hippynn.experiment.metric_tracker.table_evaluation_print", false]], "table_evaluation_print_better() (in module hippynn.experiment.metric_tracker)": [[24, "hippynn.experiment.metric_tracker.table_evaluation_print_better", false]], "teed_file_output (class in hippynn.tools)": [[105, "hippynn.tools.teed_file_output", false]], "temporary_parents() (in module hippynn.graphs.nodes.base.definition_helpers)": [[44, "hippynn.graphs.nodes.base.definition_helpers.temporary_parents", false]], "test_model() (in module hippynn.experiment)": [[19, "hippynn.experiment.test_model", false]], "test_model() (in module hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.test_model", false]], "timedsnippet (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet", false]], "timerholder (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder", false]], "to() (hippynncalculator method)": [[60, "hippynn.interfaces.ase_interface.HippynnCalculator.to", false], [63, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.to", false]], "to() (moleculardynamics method)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.to", false]], "to() (predictor method)": [[28, "hippynn.graphs.Predictor.to", false], [57, "hippynn.graphs.predictor.Predictor.to", false]], "to() (variable method)": [[93, "hippynn.molecular_dynamics.md.Variable.to", false]], "torch_module (addnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.AddNode.torch_module", false]], "torch_module (atleast2d attribute)": [[42, "hippynn.graphs.nodes.base.algebra.AtLeast2D.torch_module", false]], "torch_module (divnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.DivNode.torch_module", false]], "torch_module (invnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.InvNode.torch_module", false]], "torch_module (maeloss attribute)": [[50, "hippynn.graphs.nodes.loss.MAELoss.torch_module", false]], "torch_module (maephaseloss attribute)": [[47, "hippynn.graphs.nodes.excited.MAEPhaseLoss.torch_module", false]], "torch_module (mean attribute)": [[50, "hippynn.graphs.nodes.loss.Mean.torch_module", false]], "torch_module (meansq attribute)": [[50, "hippynn.graphs.nodes.loss.MeanSq.torch_module", false]], "torch_module (mseloss attribute)": [[50, "hippynn.graphs.nodes.loss.MSELoss.torch_module", false]], "torch_module (msephaseloss attribute)": [[47, "hippynn.graphs.nodes.excited.MSEPhaseLoss.torch_module", false]], "torch_module (mulnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.MulNode.torch_module", false]], "torch_module (negnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.NegNode.torch_module", false]], "torch_module (pownode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.PowNode.torch_module", false]], "torch_module (rsq attribute)": [[50, "hippynn.graphs.nodes.loss.Rsq.torch_module", false]], "torch_module (std attribute)": [[50, "hippynn.graphs.nodes.loss.Std.torch_module", false]], "torch_module (subnode attribute)": [[42, "hippynn.graphs.nodes.base.algebra.SubNode.torch_module", false]], "torch_module (var attribute)": [[50, "hippynn.graphs.nodes.loss.Var.torch_module", false]], "torch_module (weightedmaeloss attribute)": [[50, "hippynn.graphs.nodes.loss.WeightedMAELoss.torch_module", false]], "torch_module (weightedmseloss attribute)": [[50, "hippynn.graphs.nodes.loss.WeightedMSELoss.torch_module", false]], "torchneighbors (class in hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.TorchNeighbors", false]], "train_model() (in module hippynn.experiment)": [[19, "hippynn.experiment.train_model", false]], "train_model() (in module hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.train_model", false]], "training_loop() (in module hippynn.experiment.routines)": [[25, "hippynn.experiment.routines.training_loop", false]], "trainingmodules (class in hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.TrainingModules", false]], "trim_by_species() (database method)": [[13, "hippynn.databases.Database.trim_by_species", false], [15, "hippynn.databases.database.Database.trim_by_species", false]], "true (lossinputnode property)": [[43, "hippynn.graphs.nodes.base.base.LossInputNode.true", false]], "tupletypemismatch": [[44, "hippynn.graphs.nodes.base.definition_helpers.TupleTypeMismatch", false]], "twostep (class in hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.TwoStep", false]], "twostep_step_fn() (in module hippynn.experiment.step_functions)": [[27, "hippynn.experiment.step_functions.twostep_step_fn", false]], "unarynode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.UnaryNode", false]], "unsqueeze_multiple() (in module hippynn.tools)": [[105, "hippynn.tools.unsqueeze_multiple", false]], "update_b() (bfgsv1 method)": [[97, "hippynn.optimizer.algorithms.BFGSv1.update_B", false]], "update_b() (bfgsv2 method)": [[97, "hippynn.optimizer.algorithms.BFGSv2.update_B", false]], "update_binv() (bfgsv3 method)": [[97, "hippynn.optimizer.algorithms.BFGSv3.update_Binv", false]], "update_scf_backward_eps() (in module hippynn.interfaces.pyseqm_interface.callback)": [[68, "hippynn.interfaces.pyseqm_interface.callback.update_scf_backward_eps", false]], "update_scf_eps() (in module hippynn.interfaces.pyseqm_interface.callback)": [[68, "hippynn.interfaces.pyseqm_interface.callback.update_scf_eps", false]], "updater (variable property)": [[93, "hippynn.molecular_dynamics.md.Variable.updater", false]], "valuemod (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.ValueMod", false]], "valuenode (class in hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.ValueNode", false]], "var (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.Var", false]], "var_list (database property)": [[13, "hippynn.databases.Database.var_list", false], [15, "hippynn.databases.database.Database.var_list", false]], "var_list (evaluator property)": [[23, "hippynn.experiment.evaluator.Evaluator.var_list", false]], "variable (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.Variable", false]], "variable (variableupdater property)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater.variable", false]], "variables (moleculardynamics property)": [[93, "hippynn.molecular_dynamics.md.MolecularDynamics.variables", false]], "variableupdater (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.VariableUpdater", false]], "vecmag (class in hippynn.graphs.nodes.physics)": [[54, "hippynn.graphs.nodes.physics.VecMag", false]], "vecmag (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.VecMag", false]], "velocityverlet (class in hippynn.molecular_dynamics.md)": [[93, "hippynn.molecular_dynamics.md.VelocityVerlet", false]], "via_numpy() (in module hippynn.custom_kernels.tensor_wrapper)": [[8, "hippynn.custom_kernels.tensor_wrapper.via_numpy", false]], "visualize_connected_nodes() (in module hippynn.graphs.viz)": [[58, "hippynn.graphs.viz.visualize_connected_nodes", false]], "visualize_graph_module() (in module hippynn.graphs.viz)": [[58, "hippynn.graphs.viz.visualize_graph_module", false]], "visualize_node_set() (in module hippynn.graphs.viz)": [[58, "hippynn.graphs.viz.visualize_node_set", false]], "warn_if_under() (in module hippynn.layers.hiplayers)": [[79, "hippynn.layers.hiplayers.warn_if_under", false]], "weightedmaeloss (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.WeightedMAELoss", false]], "weightedmaeloss (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.WeightedMAELoss", false]], "weightedmseloss (class in hippynn.graphs.nodes.loss)": [[50, "hippynn.graphs.nodes.loss.WeightedMSELoss", false]], "weightedmseloss (class in hippynn.layers.algebra)": [[77, "hippynn.layers.algebra.WeightedMSELoss", false]], "wolfscreening (class in hippynn.layers.physics)": [[88, "hippynn.layers.physics.WolfScreening", false]], "wrap_as_node() (in module hippynn.graphs.nodes.base.algebra)": [[42, "hippynn.graphs.nodes.base.algebra.wrap_as_node", false]], "wrap_envops() (in module hippynn.custom_kernels.autograd_wrapper)": [[2, "hippynn.custom_kernels.autograd_wrapper.wrap_envops", false]], "wrap_outputs() (predictor method)": [[28, "hippynn.graphs.Predictor.wrap_outputs", false], [57, "hippynn.graphs.predictor.Predictor.wrap_outputs", false]], "wrap_points_np() (in module hippynn.layers.pairs.dispatch)": [[83, "hippynn.layers.pairs.dispatch.wrap_points_np", false]], "wrappedenvsum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum", false]], "wrappedfeatsum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum", false]], "wrappedsensesum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum", false]], "write() (teed_file_output method)": [[105, "hippynn.tools.teed_file_output.write", false]], "write_h5() (database method)": [[13, "hippynn.databases.Database.write_h5", false], [15, "hippynn.databases.database.Database.write_h5", false]], "write_npz() (database method)": [[13, "hippynn.databases.Database.write_npz", false], [15, "hippynn.databases.database.Database.write_npz", false]]}, "objects": {"": [[0, 0, 0, "-", "hippynn"]], "hippynn": [[1, 0, 0, "-", "custom_kernels"], [13, 0, 0, "-", "databases"], [19, 0, 0, "-", "experiment"], [28, 0, 0, "-", "graphs"], [59, 0, 0, "-", "interfaces"], [76, 0, 0, "-", "layers"], [92, 0, 0, "-", "molecular_dynamics"], [94, 0, 0, "-", "networks"], [96, 0, 0, "-", "optimizer"], [100, 0, 0, "-", "plotting"], [104, 0, 0, "-", "pretraining"], [105, 0, 0, "-", "tools"]], "hippynn.custom_kernels": [[2, 0, 0, "-", "autograd_wrapper"], [3, 0, 0, "-", "env_cupy"], [4, 0, 0, "-", "env_numba"], [5, 0, 0, "-", "env_pytorch"], [7, 0, 0, "-", "fast_convert"], [1, 1, 1, "", "set_custom_kernels"], [8, 0, 0, "-", "tensor_wrapper"], [9, 0, 0, "-", "test_env_cupy"], [10, 0, 0, "-", "test_env_numba"], [12, 0, 0, "-", "utils"]], "hippynn.custom_kernels.autograd_wrapper": [[2, 1, 1, "", "wrap_envops"]], "hippynn.custom_kernels.env_cupy": [[3, 2, 1, "", "CupyEnvsum"], [3, 2, 1, "", "CupyFeatsum"], [3, 2, 1, "", "CupyGPUKernel"], [3, 2, 1, "", "CupySensesum"]], "hippynn.custom_kernels.env_cupy.CupyGPUKernel": [[3, 3, 1, "", "__init__"]], "hippynn.custom_kernels.env_numba": [[4, 2, 1, "", "WrappedEnvsum"], [4, 2, 1, "", "WrappedFeatsum"], [4, 2, 1, "", "WrappedSensesum"]], "hippynn.custom_kernels.env_numba.WrappedEnvsum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_numba.WrappedFeatsum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_numba.WrappedSensesum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_pytorch": [[5, 1, 1, "", "envsum"], [5, 1, 1, "", "featsum"], [5, 1, 1, "", "sensesum"]], "hippynn.custom_kernels.fast_convert": [[7, 1, 1, "", "batch_convert_torch_to_numba"]], "hippynn.custom_kernels.tensor_wrapper": [[8, 2, 1, "", "NumbaCompatibleTensorFunction"], [8, 1, 1, "", "via_numpy"]], "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction": [[8, 3, 1, "", "__init__"], [8, 3, 1, "", "cpu_kernel"], [8, 3, 1, "", "launch_bounds"], [8, 3, 1, "", "make_kernel"], [8, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.test_env_numba": [[10, 2, 1, "", "Envops_tester"], [10, 2, 1, "", "TimedSnippet"], [10, 2, 1, "", "TimerHolder"], [10, 1, 1, "", "get_simulated_data"], [10, 1, 1, "", "main"], [10, 1, 1, "", "parse_args"]], "hippynn.custom_kernels.test_env_numba.Envops_tester": [[10, 3, 1, "", "__init__"], [10, 3, 1, "", "all_close_witherror"], [10, 3, 1, "", "check_all_grad"], [10, 3, 1, "", "check_all_grad_once"], [10, 3, 1, "", "check_allclose"], [10, 3, 1, "", "check_allclose_once"], [10, 3, 1, "", "check_correctness"], [10, 3, 1, "", "check_empty"], [10, 3, 1, "", "check_grad_and_gradgrad"], [10, 3, 1, "", "check_speed"]], "hippynn.custom_kernels.test_env_numba.TimedSnippet": [[10, 3, 1, "", "__init__"], [10, 4, 1, "", "elapsed"]], "hippynn.custom_kernels.test_env_numba.TimerHolder": [[10, 3, 1, "", "__init__"], [10, 3, 1, "", "add"], [10, 4, 1, "", "elapsed"], [10, 4, 1, "", "mean_elapsed"], [10, 4, 1, "", "median_elapsed"]], "hippynn.custom_kernels.utils": [[12, 1, 1, "", "clear_pair_cache"], [12, 1, 1, "", "resort_pairs_cached"]], "hippynn.databases": [[13, 2, 1, "", "AseDatabase"], [13, 2, 1, "", "Database"], [13, 2, 1, "", "DirectoryDatabase"], [13, 2, 1, "", "NPZDatabase"], [14, 0, 0, "-", "SNAPJson"], [15, 0, 0, "-", "database"], [17, 0, 0, "-", "ondisk"], [18, 0, 0, "-", "restarter"]], "hippynn.databases.AseDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.Database": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "add_split_masks"], [13, 3, 1, "", "get_device"], [13, 3, 1, "", "make_automatic_splits"], [13, 3, 1, "", "make_database_cache"], [13, 3, 1, "", "make_explicit_split"], [13, 3, 1, "", "make_explicit_split_bool"], [13, 3, 1, "", "make_generator"], [13, 3, 1, "", "make_random_split"], [13, 3, 1, "", "make_trainvalidtest_split"], [13, 3, 1, "", "remove_high_property"], [13, 3, 1, "", "send_to_device"], [13, 3, 1, "", "sort_by_index"], [13, 3, 1, "", "split_the_rest"], [13, 3, 1, "", "trim_by_species"], [13, 4, 1, "", "var_list"], [13, 3, 1, "", "write_h5"], [13, 3, 1, "", "write_npz"]], "hippynn.databases.DirectoryDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_file_dict"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.NPZDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.SNAPJson": [[14, 2, 1, "", "SNAPDirectoryDatabase"]], "hippynn.databases.SNAPJson.SNAPDirectoryDatabase": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "extract_snap_file"], [14, 3, 1, "", "filter_arrays"], [14, 3, 1, "", "load_arrays"], [14, 3, 1, "", "process_configs"]], "hippynn.databases.database": [[15, 2, 1, "", "Database"], [15, 2, 1, "", "NamedTensorDataset"], [15, 1, 1, "", "compute_index_mask"], [15, 1, 1, "", "prettyprint_arrays"]], "hippynn.databases.database.Database": [[15, 3, 1, "", "__init__"], [15, 3, 1, "", "add_split_masks"], [15, 3, 1, "", "get_device"], [15, 3, 1, "", "make_automatic_splits"], [15, 3, 1, "", "make_database_cache"], [15, 3, 1, "", "make_explicit_split"], [15, 3, 1, "", "make_explicit_split_bool"], [15, 3, 1, "", "make_generator"], [15, 3, 1, "", "make_random_split"], [15, 3, 1, "", "make_trainvalidtest_split"], [15, 3, 1, "", "remove_high_property"], [15, 3, 1, "", "send_to_device"], [15, 3, 1, "", "sort_by_index"], [15, 3, 1, "", "split_the_rest"], [15, 3, 1, "", "trim_by_species"], [15, 4, 1, "", "var_list"], [15, 3, 1, "", "write_h5"], [15, 3, 1, "", "write_npz"]], "hippynn.databases.database.NamedTensorDataset": [[15, 3, 1, "", "__init__"]], "hippynn.databases.ondisk": [[17, 2, 1, "", "DirectoryDatabase"], [17, 2, 1, "", "NPZDatabase"]], "hippynn.databases.ondisk.DirectoryDatabase": [[17, 3, 1, "", "__init__"], [17, 3, 1, "", "get_file_dict"], [17, 3, 1, "", "load_arrays"]], "hippynn.databases.ondisk.NPZDatabase": [[17, 3, 1, "", "__init__"], [17, 3, 1, "", "load_arrays"]], "hippynn.databases.restarter": [[18, 2, 1, "", "NoRestart"], [18, 2, 1, "", "RestartDB"], [18, 2, 1, "", "Restartable"], [18, 2, 1, "", "Restarter"]], "hippynn.databases.restarter.NoRestart": [[18, 3, 1, "", "attempt_restart"]], "hippynn.databases.restarter.RestartDB": [[18, 3, 1, "", "__init__"], [18, 3, 1, "", "attempt_restart"]], "hippynn.databases.restarter.Restartable": [[18, 3, 1, "", "make_restarter"]], "hippynn.databases.restarter.Restarter": [[18, 3, 1, "", "attempt_restart"]], "hippynn.experiment": [[19, 2, 1, "", "SetupParams"], [19, 1, 1, "", "assemble_for_training"], [20, 0, 0, "-", "assembly"], [21, 0, 0, "-", "controllers"], [22, 0, 0, "-", "device"], [23, 0, 0, "-", "evaluator"], [24, 0, 0, "-", "metric_tracker"], [25, 0, 0, "-", "routines"], [26, 0, 0, "-", "serialization"], [19, 1, 1, "", "setup_and_train"], [19, 1, 1, "", "setup_training"], [27, 0, 0, "-", "step_functions"], [19, 1, 1, "", "test_model"], [19, 1, 1, "", "train_model"]], "hippynn.experiment.SetupParams": [[19, 3, 1, "", "__init__"], [19, 5, 1, "", "batch_size"], [19, 5, 1, "", "controller"], [19, 5, 1, "", "device"], [19, 5, 1, "", "eval_batch_size"], [19, 5, 1, "", "fraction_train_eval"], [19, 5, 1, "", "learning_rate"], [19, 5, 1, "", "max_epochs"], [19, 5, 1, "", "optimizer"], [19, 5, 1, "", "scheduler"], [19, 5, 1, "", "stopping_key"]], "hippynn.experiment.assembly": [[20, 2, 1, "", "TrainingModules"], [20, 1, 1, "", "assemble_for_training"], [20, 1, 1, "", "build_loss_modules"], [20, 1, 1, "", "determine_out_in_targ"], [20, 1, 1, "", "generate_database_info"], [20, 1, 1, "", "precompute_pairs"]], "hippynn.experiment.assembly.TrainingModules": [[20, 5, 1, "", "evaluator"], [20, 5, 1, "", "loss"], [20, 5, 1, "", "model"]], "hippynn.experiment.controllers": [[21, 2, 1, "", "Controller"], [21, 2, 1, "", "PatienceController"], [21, 2, 1, "", "RaiseBatchSizeOnPlateau"], [21, 1, 1, "", "is_scheduler_like"]], "hippynn.experiment.controllers.Controller": [[21, 3, 1, "", "__init__"], [21, 3, 1, "", "load_state_dict"], [21, 4, 1, "", "max_epochs"], [21, 3, 1, "", "push_epoch"], [21, 3, 1, "", "state_dict"]], "hippynn.experiment.controllers.PatienceController": [[21, 3, 1, "", "__init__"], [21, 4, 1, "", "max_epochs"], [21, 3, 1, "", "push_epoch"]], "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau": [[21, 3, 1, "", "__init__"], [21, 3, 1, "", "load_state_dict"], [21, 3, 1, "", "set_controller"], [21, 3, 1, "", "state_dict"], [21, 3, 1, "", "step"]], "hippynn.experiment.device": [[22, 1, 1, "", "set_devices"]], "hippynn.experiment.evaluator": [[23, 2, 1, "", "Evaluator"]], "hippynn.experiment.evaluator.Evaluator": [[23, 3, 1, "", "__init__"], [23, 3, 1, "", "evaluate"], [23, 4, 1, "", "var_list"]], "hippynn.experiment.metric_tracker": [[24, 2, 1, "", "MetricTracker"], [24, 1, 1, "", "table_evaluation_print"], [24, 1, 1, "", "table_evaluation_print_better"]], "hippynn.experiment.metric_tracker.MetricTracker": [[24, 3, 1, "", "__init__"], [24, 4, 1, "", "current_epoch"], [24, 3, 1, "", "evaluation_print"], [24, 3, 1, "", "evaluation_print_better"], [24, 3, 1, "", "from_evaluator"], [24, 3, 1, "", "plot_over_time"], [24, 3, 1, "", "register_metrics"]], "hippynn.experiment.routines": [[25, 2, 1, "", "SetupParams"], [25, 1, 1, "", "setup_and_train"], [25, 1, 1, "", "setup_training"], [25, 1, 1, "", "test_model"], [25, 1, 1, "", "train_model"], [25, 1, 1, "", "training_loop"]], "hippynn.experiment.routines.SetupParams": [[25, 3, 1, "", "__init__"], [25, 5, 1, "", "batch_size"], [25, 5, 1, "", "controller"], [25, 5, 1, "", "device"], [25, 5, 1, "", "eval_batch_size"], [25, 5, 1, "", "fraction_train_eval"], [25, 5, 1, "", "learning_rate"], [25, 5, 1, "", "max_epochs"], [25, 5, 1, "", "optimizer"], [25, 5, 1, "", "scheduler"], [25, 5, 1, "", "stopping_key"]], "hippynn.experiment.serialization": [[26, 1, 1, "", "check_mapping_devices"], [26, 1, 1, "", "create_state"], [26, 1, 1, "", "create_structure_file"], [26, 1, 1, "", "load_checkpoint"], [26, 1, 1, "", "load_checkpoint_from_cwd"], [26, 1, 1, "", "load_model_from_cwd"], [26, 1, 1, "", "load_saved_tensors"], [26, 1, 1, "", "restore_checkpoint"]], "hippynn.experiment.step_functions": [[27, 2, 1, "", "ClosureStep"], [27, 2, 1, "", "StandardStep"], [27, 2, 1, "", "StepFn"], [27, 2, 1, "", "TwoStep"], [27, 1, 1, "", "closure_step_fn"], [27, 1, 1, "", "get_step_function"], [27, 1, 1, "", "standard_step_fn"], [27, 1, 1, "", "twostep_step_fn"]], "hippynn.experiment.step_functions.ClosureStep": [[27, 3, 1, "", "step"]], "hippynn.experiment.step_functions.StandardStep": [[27, 3, 1, "", "step"]], "hippynn.experiment.step_functions.StepFn": [[27, 5, 1, "", "step"]], "hippynn.experiment.step_functions.TwoStep": [[27, 3, 1, "", "step"]], "hippynn.graphs": [[28, 2, 1, "", "GraphModule"], [28, 2, 1, "", "IdxType"], [28, 2, 1, "", "Predictor"], [28, 1, 1, "", "compute_evaluation_order"], [28, 1, 1, "", "copy_subgraph"], [29, 0, 0, "-", "ensemble"], [28, 1, 1, "", "find_relatives"], [28, 1, 1, "", "find_unique_relative"], [28, 1, 1, "", "get_connected_nodes"], [28, 1, 1, "", "get_subgraph"], [30, 0, 0, "-", "gops"], [31, 0, 0, "-", "graph"], [32, 0, 0, "-", "indextransformers"], [36, 0, 0, "-", "indextypes"], [28, 1, 1, "", "make_ensemble"], [40, 0, 0, "-", "nodes"], [57, 0, 0, "-", "predictor"], [28, 1, 1, "", "replace_node"], [58, 0, 0, "-", "viz"]], "hippynn.graphs.GraphModule": [[28, 3, 1, "", "__init__"], [28, 3, 1, "", "extra_repr"], [28, 3, 1, "", "forward"], [28, 3, 1, "", "get_module"], [28, 3, 1, "", "node_from_name"], [28, 3, 1, "", "print_structure"]], "hippynn.graphs.IdxType": [[28, 5, 1, "", "Atoms"], [28, 5, 1, "", "MolAtom"], [28, 5, 1, "", "MolAtomAtom"], [28, 5, 1, "", "Molecules"], [28, 5, 1, "", "NotFound"], [28, 5, 1, "", "Pair"], [28, 5, 1, "", "QuadMol"], [28, 5, 1, "", "QuadPack"], [28, 5, 1, "", "Scalar"]], "hippynn.graphs.Predictor": [[28, 3, 1, "", "__init__"], [28, 3, 1, "", "add_output"], [28, 3, 1, "", "apply_to_database"], [28, 3, 1, "", "from_graph"], [28, 4, 1, "", "inputs"], [28, 4, 1, "", "model_device"], [28, 4, 1, "", "outputs"], [28, 3, 1, "", "predict_all"], [28, 3, 1, "", "predict_batched"], [28, 3, 1, "", "to"], [28, 3, 1, "", "wrap_outputs"]], "hippynn.graphs.ensemble": [[29, 1, 1, "", "collate_inputs"], [29, 1, 1, "", "collate_targets"], [29, 1, 1, "", "construct_outputs"], [29, 1, 1, "", "get_graphs"], [29, 1, 1, "", "identify_inputs"], [29, 1, 1, "", "identify_targets"], [29, 1, 1, "", "make_ensemble"], [29, 1, 1, "", "make_ensemble_graph"], [29, 1, 1, "", "make_ensemble_info"], [29, 1, 1, "", "replace_inputs"]], "hippynn.graphs.gops": [[30, 6, 1, "", "GraphInconsistency"], [30, 1, 1, "", "check_evaluation_order"], [30, 1, 1, "", "check_link_consistency"], [30, 1, 1, "", "compute_evaluation_order"], [30, 1, 1, "", "copy_subgraph"], [30, 1, 1, "", "get_subgraph"], [30, 1, 1, "", "merge_children"], [30, 1, 1, "", "merge_children_recursive"], [30, 1, 1, "", "replace_node"], [30, 1, 1, "", "replace_node_with_constant"], [30, 1, 1, "", "search_by_name"]], "hippynn.graphs.graph": [[31, 2, 1, "", "GraphModule"]], "hippynn.graphs.graph.GraphModule": [[31, 3, 1, "", "__init__"], [31, 3, 1, "", "extra_repr"], [31, 3, 1, "", "forward"], [31, 3, 1, "", "get_module"], [31, 3, 1, "", "node_from_name"], [31, 3, 1, "", "print_structure"]], "hippynn.graphs.indextransformers": [[33, 0, 0, "-", "atoms"], [34, 0, 0, "-", "pairs"], [35, 0, 0, "-", "tensors"]], "hippynn.graphs.indextransformers.atoms": [[33, 1, 1, "", "idx_atom_molatom"], [33, 1, 1, "", "idx_molatom_atom"]], "hippynn.graphs.indextransformers.pairs": [[34, 1, 1, "", "idx_molatomatom_pair"], [34, 1, 1, "", "idx_pair_molatomatom"]], "hippynn.graphs.indextransformers.tensors": [[35, 1, 1, "", "idx_QuadTriMol"]], "hippynn.graphs.indextypes": [[36, 2, 1, "", "IdxType"], [36, 1, 1, "", "clear_index_cache"], [36, 1, 1, "", "db_form"], [36, 1, 1, "", "elementwise_compare_reduce"], [36, 1, 1, "", "get_reduced_index_state"], [36, 1, 1, "", "index_type_coercion"], [37, 0, 0, "-", "reduce_funcs"], [36, 1, 1, "", "register_index_transformer"], [38, 0, 0, "-", "registry"], [36, 1, 1, "", "soft_index_type_coercion"], [39, 0, 0, "-", "type_def"]], "hippynn.graphs.indextypes.IdxType": [[36, 5, 1, "", "Atoms"], [36, 5, 1, "", "MolAtom"], [36, 5, 1, "", "MolAtomAtom"], [36, 5, 1, "", "Molecules"], [36, 5, 1, "", "NotFound"], [36, 5, 1, "", "Pair"], [36, 5, 1, "", "QuadMol"], [36, 5, 1, "", "QuadPack"], [36, 5, 1, "", "Scalar"]], "hippynn.graphs.indextypes.reduce_funcs": [[37, 1, 1, "", "db_form"], [37, 1, 1, "", "db_state_of"], [37, 1, 1, "", "dispatch_indexing"], [37, 1, 1, "", "elementwise_compare_reduce"], [37, 1, 1, "", "get_reduced_index_state"], [37, 1, 1, "", "index_type_coercion"], [37, 1, 1, "", "soft_index_type_coercion"]], "hippynn.graphs.indextypes.registry": [[38, 1, 1, "", "assign_index_aliases"], [38, 1, 1, "", "clear_index_cache"], [38, 1, 1, "", "register_index_transformer"]], "hippynn.graphs.indextypes.type_def": [[39, 2, 1, "", "IdxType"]], "hippynn.graphs.indextypes.type_def.IdxType": [[39, 5, 1, "", "Atoms"], [39, 5, 1, "", "MolAtom"], [39, 5, 1, "", "MolAtomAtom"], [39, 5, 1, "", "Molecules"], [39, 5, 1, "", "NotFound"], [39, 5, 1, "", "Pair"], [39, 5, 1, "", "QuadMol"], [39, 5, 1, "", "QuadPack"], [39, 5, 1, "", "Scalar"]], "hippynn.graphs.nodes": [[41, 0, 0, "-", "base"], [47, 0, 0, "-", "excited"], [48, 0, 0, "-", "indexers"], [49, 0, 0, "-", "inputs"], [50, 0, 0, "-", "loss"], [51, 0, 0, "-", "misc"], [52, 0, 0, "-", "networks"], [53, 0, 0, "-", "pairs"], [54, 0, 0, "-", "physics"], [55, 0, 0, "-", "tags"], [56, 0, 0, "-", "targets"]], "hippynn.graphs.nodes.base": [[42, 0, 0, "-", "algebra"], [43, 0, 0, "-", "base"], [44, 0, 0, "-", "definition_helpers"], [45, 0, 0, "-", "multi"], [46, 0, 0, "-", "node_functions"]], "hippynn.graphs.nodes.base.algebra": [[42, 2, 1, "", "AddNode"], [42, 2, 1, "", "AtLeast2D"], [42, 2, 1, "", "BinNode"], [42, 2, 1, "", "DivNode"], [42, 2, 1, "", "InvNode"], [42, 2, 1, "", "MulNode"], [42, 2, 1, "", "NegNode"], [42, 2, 1, "", "PowNode"], [42, 2, 1, "", "SubNode"], [42, 2, 1, "", "UnaryNode"], [42, 2, 1, "", "ValueNode"], [42, 1, 1, "", "coerces_values_to_nodes"], [42, 1, 1, "", "wrap_as_node"]], "hippynn.graphs.nodes.base.algebra.AddNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.AtLeast2D": [[42, 3, 1, "", "__init__"], [42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.BinNode": [[42, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.algebra.DivNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.InvNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.MulNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.NegNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.PowNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.SubNode": [[42, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.UnaryNode": [[42, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.algebra.ValueNode": [[42, 3, 1, "", "__init__"], [42, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.base": [[43, 2, 1, "", "InputNode"], [43, 2, 1, "", "LossInputNode"], [43, 2, 1, "", "LossPredNode"], [43, 2, 1, "", "LossTrueNode"], [43, 2, 1, "", "Node"], [43, 2, 1, "", "SingleNode"]], "hippynn.graphs.nodes.base.base.InputNode": [[43, 3, 1, "", "__init__"], [43, 5, 1, "", "input_type_str"], [43, 5, 1, "", "requires_grad"]], "hippynn.graphs.nodes.base.base.LossInputNode": [[43, 3, 1, "", "__init__"], [43, 4, 1, "", "pred"], [43, 4, 1, "", "true"]], "hippynn.graphs.nodes.base.base.LossPredNode": [[43, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.base.LossTrueNode": [[43, 3, 1, "", "__init__"], [43, 4, 1, "", "main_output"]], "hippynn.graphs.nodes.base.definition_helpers": [[44, 2, 1, "", "AlwaysMatch"], [44, 2, 1, "", "AutoKw"], [44, 2, 1, "", "AutoNoKw"], [44, 2, 1, "", "CompatibleIdxTypeTransformer"], [44, 2, 1, "", "ExpandParentMeta"], [44, 2, 1, "", "ExpandParents"], [44, 2, 1, "", "FormAssertLength"], [44, 2, 1, "", "FormAssertion"], [44, 2, 1, "", "FormHandler"], [44, 2, 1, "", "FormTransformer"], [44, 2, 1, "", "IndexFormTransformer"], [44, 2, 1, "", "MainOutputTransformer"], [44, 2, 1, "", "ParentExpander"], [44, 6, 1, "", "TupleTypeMismatch"], [44, 1, 1, "", "adds_to_forms"], [44, 1, 1, "", "format_form_name"], [44, 1, 1, "", "temporary_parents"]], "hippynn.graphs.nodes.base.definition_helpers.AutoKw": [[44, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw": [[44, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"], [44, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.ExpandParents": [[44, 3, 1, "", "expand_parents"]], "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormAssertion": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormHandler": [[44, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormTransformer": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"], [44, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "add_class_doc"], [44, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.ParentExpander": [[44, 3, 1, "", "__init__"], [44, 3, 1, "", "assertion"], [44, 3, 1, "", "assertlen"], [44, 3, 1, "", "get_main_outputs"], [44, 3, 1, "", "match"], [44, 3, 1, "", "matched_idx_coercion"], [44, 3, 1, "", "matchlen"], [44, 3, 1, "", "require_compatible_idx_states"], [44, 3, 1, "", "require_idx_states"]], "hippynn.graphs.nodes.base.multi": [[45, 2, 1, "", "IndexNode"], [45, 2, 1, "", "MultiNode"]], "hippynn.graphs.nodes.base.multi.IndexNode": [[45, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.multi.MultiNode": [[45, 3, 1, "", "__init__"], [45, 4, 1, "", "main_output"], [45, 3, 1, "", "set_dbname"]], "hippynn.graphs.nodes.base.node_functions": [[46, 6, 1, "", "NodeAmbiguityError"], [46, 6, 1, "", "NodeNotFound"], [46, 6, 1, "", "NodeOperationError"], [46, 1, 1, "", "find_relatives"], [46, 1, 1, "", "find_unique_relative"], [46, 1, 1, "", "get_connected_nodes"]], "hippynn.graphs.nodes.excited": [[47, 2, 1, "", "LocalEnergyNode"], [47, 2, 1, "", "MAEPhaseLoss"], [47, 2, 1, "", "MSEPhaseLoss"], [47, 2, 1, "", "NACRMultiStateNode"], [47, 2, 1, "", "NACRNode"]], "hippynn.graphs.nodes.excited.LocalEnergyNode": [[47, 3, 1, "", "__init__"], [47, 3, 1, "", "auto_module"], [47, 3, 1, "", "expansion0"], [47, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.excited.MAEPhaseLoss": [[47, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.excited.MSEPhaseLoss": [[47, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.excited.NACRMultiStateNode": [[47, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.excited.NACRNode": [[47, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers": [[48, 2, 1, "", "AtomDeIndexer"], [48, 2, 1, "", "AtomReIndexer"], [48, 2, 1, "", "FilterBondsOneway"], [48, 2, 1, "", "FuzzyHistogrammer"], [48, 2, 1, "", "OneHotEncoder"], [48, 2, 1, "", "PaddingIndexer"], [48, 2, 1, "", "QuadUnpackNode"], [48, 2, 1, "", "SysMaxOfAtomsNode"], [48, 1, 1, "", "acquire_encoding_padding"]], "hippynn.graphs.nodes.indexers.AtomDeIndexer": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.indexers.AtomReIndexer": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "expand0"], [48, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.indexers.FilterBondsOneway": [[48, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.FuzzyHistogrammer": [[48, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.OneHotEncoder": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.indexers.PaddingIndexer": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.indexers.QuadUnpackNode": [[48, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "expansion0"], [48, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.inputs": [[49, 2, 1, "", "CellNode"], [49, 2, 1, "", "ForceNode"], [49, 2, 1, "", "Indices"], [49, 2, 1, "", "InputCharges"], [49, 2, 1, "", "PairIndices"], [49, 2, 1, "", "PositionsNode"], [49, 2, 1, "", "SpeciesNode"], [49, 2, 1, "", "SplitIndices"]], "hippynn.graphs.nodes.inputs.CellNode": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.ForceNode": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.Indices": [[49, 3, 1, "", "__init__"], [49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.InputCharges": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.PairIndices": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.PositionsNode": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.SpeciesNode": [[49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.SplitIndices": [[49, 3, 1, "", "__init__"], [49, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.loss": [[50, 2, 1, "", "MAELoss"], [50, 2, 1, "", "MSELoss"], [50, 2, 1, "", "Mean"], [50, 2, 1, "", "MeanSq"], [50, 2, 1, "", "ReduceSingleNode"], [50, 2, 1, "", "Rsq"], [50, 2, 1, "", "RsqMod"], [50, 2, 1, "", "Std"], [50, 2, 1, "", "Var"], [50, 2, 1, "", "WeightedMAELoss"], [50, 2, 1, "", "WeightedMSELoss"], [50, 1, 1, "", "absolute_errors"], [50, 1, 1, "", "l1reg"], [50, 1, 1, "", "l2reg"], [50, 1, 1, "", "lpreg"], [50, 1, 1, "", "mean_sq"]], "hippynn.graphs.nodes.loss.MAELoss": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.MSELoss": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.Mean": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.MeanSq": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.ReduceSingleNode": [[50, 3, 1, "", "__init__"], [50, 3, 1, "", "of_node"]], "hippynn.graphs.nodes.loss.Rsq": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.RsqMod": [[50, 3, 1, "", "forward"]], "hippynn.graphs.nodes.loss.Std": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.Var": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.WeightedMAELoss": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.WeightedMSELoss": [[50, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.misc": [[51, 2, 1, "", "EnsembleTarget"], [51, 2, 1, "", "ListNode"], [51, 2, 1, "", "StrainInducer"]], "hippynn.graphs.nodes.misc.EnsembleTarget": [[51, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.misc.ListNode": [[51, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.misc.StrainInducer": [[51, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.networks": [[52, 2, 1, "", "DefaultNetworkExpansion"], [52, 2, 1, "", "Hipnn"], [52, 2, 1, "", "HipnnQuad"], [52, 2, 1, "", "HipnnVec"]], "hippynn.graphs.nodes.networks.DefaultNetworkExpansion": [[52, 3, 1, "", "expansion0"], [52, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.networks.Hipnn": [[52, 3, 1, "", "__init__"], [52, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.networks.HipnnVec": [[52, 3, 1, "", "__init__"], [52, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.pairs": [[53, 2, 1, "", "DynamicPeriodicPairs"], [53, 2, 1, "", "ExternalNeighborIndexer"], [53, 2, 1, "", "KDTreePairs"], [53, 2, 1, "", "KDTreePairsMemory"], [53, 2, 1, "", "Memory"], [53, 2, 1, "", "MinDistNode"], [53, 2, 1, "", "NumpyDynamicPairs"], [53, 2, 1, "", "OpenPairIndexer"], [53, 2, 1, "", "PaddedNeighborNode"], [53, 2, 1, "", "PairCacher"], [53, 2, 1, "", "PairDeIndexer"], [53, 2, 1, "", "PairFilter"], [53, 2, 1, "", "PairReIndexer"], [53, 2, 1, "", "PairUncacher"], [53, 2, 1, "", "PeriodicPairIndexer"], [53, 2, 1, "", "PeriodicPairIndexerMemory"], [53, 2, 1, "", "PeriodicPairOutputs"], [53, 2, 1, "", "RDFBins"]], "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer": [[53, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.KDTreePairsMemory": [[53, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.Memory": [[53, 3, 1, "", "reset_reuse_percentage"], [53, 4, 1, "", "reuse_percentage"], [53, 4, 1, "", "skin"]], "hippynn.graphs.nodes.pairs.MinDistNode": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"], [53, 3, 1, "", "expand2"]], "hippynn.graphs.nodes.pairs.OpenPairIndexer": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "auto_module"], [53, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PaddedNeighborNode": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PairCacher": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairDeIndexer": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairFilter": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PairReIndexer": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairUncacher": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PeriodicPairIndexer": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory": [[53, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.RDFBins": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expand0"], [53, 3, 1, "", "expand1"], [53, 3, 1, "", "expand2"], [53, 3, 1, "", "expand3"]], "hippynn.graphs.nodes.physics": [[54, 2, 1, "", "AtomToMolSummer"], [54, 2, 1, "", "BondToMolSummmer"], [54, 2, 1, "", "ChargeMomentNode"], [54, 2, 1, "", "ChargePairSetup"], [54, 2, 1, "", "CombineEnergyNode"], [54, 2, 1, "", "CoulombEnergyNode"], [54, 2, 1, "", "DipoleNode"], [54, 2, 1, "", "GradientNode"], [54, 2, 1, "", "MultiGradientNode"], [54, 2, 1, "", "PerAtom"], [54, 2, 1, "", "QuadrupoleNode"], [54, 2, 1, "", "ScreenedCoulombEnergyNode"], [54, 2, 1, "", "StressForceNode"], [54, 2, 1, "", "VecMag"]], "hippynn.graphs.nodes.physics.AtomToMolSummer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.physics.BondToMolSummmer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"], [54, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.ChargeMomentNode": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"], [54, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.ChargePairSetup": [[54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"], [54, 3, 1, "", "expansion2"], [54, 3, 1, "", "expansion3"], [54, 3, 1, "", "expansion4"]], "hippynn.graphs.nodes.physics.CombineEnergyNode": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"], [54, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.CoulombEnergyNode": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.GradientNode": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.MultiGradientNode": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.PerAtom": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion0"], [54, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.StressForceNode": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.VecMag": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.tags": [[55, 2, 1, "", "AtomIndexer"], [55, 2, 1, "", "Charges"], [55, 2, 1, "", "Encoder"], [55, 2, 1, "", "Energies"], [55, 2, 1, "", "HAtomRegressor"], [55, 2, 1, "", "Network"], [55, 2, 1, "", "PairCache"], [55, 2, 1, "", "PairIndexer"], [55, 2, 1, "", "Positions"], [55, 2, 1, "", "Species"]], "hippynn.graphs.nodes.tags.Encoder": [[55, 5, 1, "", "species_set"]], "hippynn.graphs.nodes.targets": [[56, 2, 1, "", "HBondNode"], [56, 2, 1, "", "HChargeNode"], [56, 2, 1, "", "HEnergyNode"], [56, 2, 1, "", "LocalChargeEnergy"]], "hippynn.graphs.nodes.targets.HBondNode": [[56, 3, 1, "", "__init__"], [56, 3, 1, "", "expand0"], [56, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.targets.HChargeNode": [[56, 3, 1, "", "__init__"], [56, 3, 1, "", "expansion0"]], "hippynn.graphs.nodes.targets.HEnergyNode": [[56, 3, 1, "", "__init__"], [56, 3, 1, "", "expansion0"]], "hippynn.graphs.nodes.targets.LocalChargeEnergy": [[56, 3, 1, "", "__init__"], [56, 3, 1, "", "expansion0"]], "hippynn.graphs.predictor": [[57, 2, 1, "", "Predictor"]], "hippynn.graphs.predictor.Predictor": [[57, 3, 1, "", "__init__"], [57, 3, 1, "", "add_output"], [57, 3, 1, "", "apply_to_database"], [57, 3, 1, "", "from_graph"], [57, 4, 1, "", "inputs"], [57, 4, 1, "", "model_device"], [57, 4, 1, "", "outputs"], [57, 3, 1, "", "predict_all"], [57, 3, 1, "", "predict_batched"], [57, 3, 1, "", "to"], [57, 3, 1, "", "wrap_outputs"]], "hippynn.graphs.viz": [[58, 1, 1, "", "visualize_connected_nodes"], [58, 1, 1, "", "visualize_graph_module"], [58, 1, 1, "", "visualize_node_set"]], "hippynn.interfaces": [[60, 0, 0, "-", "ase_interface"], [65, 0, 0, "-", "lammps_interface"], [67, 0, 0, "-", "pyseqm_interface"], [75, 0, 0, "-", "schnetpack_interface"]], "hippynn.interfaces.ase_interface": [[60, 2, 1, "", "AseDatabase"], [60, 2, 1, "", "HippynnCalculator"], [61, 0, 0, "-", "ase_database"], [62, 0, 0, "-", "ase_unittests"], [63, 0, 0, "-", "calculator"], [60, 1, 1, "", "calculator_from_model"], [64, 0, 0, "-", "pairfinder"]], "hippynn.interfaces.ase_interface.AseDatabase": [[60, 3, 1, "", "__init__"], [60, 3, 1, "", "load_arrays"]], "hippynn.interfaces.ase_interface.HippynnCalculator": [[60, 3, 1, "", "__init__"], [60, 3, 1, "", "calculate"], [60, 3, 1, "", "calculation_required"], [60, 3, 1, "", "get_charges"], [60, 3, 1, "", "get_dipole"], [60, 3, 1, "", "get_dipole_moment"], [60, 3, 1, "", "get_energies"], [60, 3, 1, "", "get_energy"], [60, 3, 1, "", "get_forces"], [60, 3, 1, "", "get_free_energy"], [60, 3, 1, "", "get_magmom"], [60, 3, 1, "", "get_magmoms"], [60, 3, 1, "", "get_potential_energies"], [60, 3, 1, "", "get_potential_energy"], [60, 3, 1, "", "get_property"], [60, 3, 1, "", "get_stress"], [60, 3, 1, "", "get_stresses"], [60, 3, 1, "", "rebuild_neighbors"], [60, 3, 1, "", "set_atoms"], [60, 3, 1, "", "to"]], "hippynn.interfaces.ase_interface.ase_database": [[61, 2, 1, "", "AseDatabase"]], "hippynn.interfaces.ase_interface.ase_database.AseDatabase": [[61, 3, 1, "", "__init__"], [61, 3, 1, "", "load_arrays"]], "hippynn.interfaces.ase_interface.ase_unittests": [[62, 1, 1, "", "ASE_FilterPair_Coulomb_Construct"]], "hippynn.interfaces.ase_interface.calculator": [[63, 2, 1, "", "HippynnCalculator"], [63, 2, 1, "", "PBCHandle"], [63, 1, 1, "", "calculator_from_model"], [63, 1, 1, "", "pass_to_pytorch"], [63, 1, 1, "", "setup_ASE_graph"]], "hippynn.interfaces.ase_interface.calculator.HippynnCalculator": [[63, 3, 1, "", "__init__"], [63, 3, 1, "", "calculate"], [63, 3, 1, "", "calculation_required"], [63, 3, 1, "", "get_charges"], [63, 3, 1, "", "get_dipole"], [63, 3, 1, "", "get_dipole_moment"], [63, 3, 1, "", "get_energies"], [63, 3, 1, "", "get_energy"], [63, 3, 1, "", "get_forces"], [63, 3, 1, "", "get_free_energy"], [63, 3, 1, "", "get_magmom"], [63, 3, 1, "", "get_magmoms"], [63, 3, 1, "", "get_potential_energies"], [63, 3, 1, "", "get_potential_energy"], [63, 3, 1, "", "get_property"], [63, 3, 1, "", "get_stress"], [63, 3, 1, "", "get_stresses"], [63, 3, 1, "", "rebuild_neighbors"], [63, 3, 1, "", "set_atoms"], [63, 3, 1, "", "to"]], "hippynn.interfaces.ase_interface.calculator.PBCHandle": [[63, 3, 1, "", "__init__"], [63, 3, 1, "", "set"]], "hippynn.interfaces.ase_interface.pairfinder": [[64, 2, 1, "", "ASENeighbors"], [64, 2, 1, "", "ASEPairNode"], [64, 1, 1, "", "ASE_compute_neighbors"]], "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors": [[64, 3, 1, "", "compute_one"]], "hippynn.interfaces.lammps_interface": [[66, 0, 0, "-", "mliap_interface"]], "hippynn.interfaces.lammps_interface.mliap_interface": [[66, 2, 1, "", "LocalAtomEnergyNode"], [66, 2, 1, "", "LocalAtomsEnergy"], [66, 2, 1, "", "MLIAPInterface"], [66, 2, 1, "", "ReIndexAtomMod"], [66, 2, 1, "", "ReIndexAtomNode"], [66, 1, 1, "", "setup_LAMMPS_graph"]], "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode": [[66, 3, 1, "", "__init__"]], "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy": [[66, 3, 1, "", "__init__"], [66, 3, 1, "", "forward"]], "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface": [[66, 3, 1, "", "__init__"], [66, 3, 1, "", "as_tensor"], [66, 3, 1, "", "compute_descriptors"], [66, 3, 1, "", "compute_forces"], [66, 3, 1, "", "compute_gradients"], [66, 3, 1, "", "empty_tensor"]], "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod": [[66, 3, 1, "", "forward"]], "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode": [[66, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface": [[68, 0, 0, "-", "callback"], [69, 0, 0, "-", "check"], [70, 0, 0, "-", "gen_par"], [71, 0, 0, "-", "mlseqm"], [72, 0, 0, "-", "seqm_modules"], [73, 0, 0, "-", "seqm_nodes"], [74, 0, 0, "-", "seqm_one"]], "hippynn.interfaces.pyseqm_interface.callback": [[68, 1, 1, "", "save_and_stop_after"], [68, 1, 1, "", "update_scf_backward_eps"], [68, 1, 1, "", "update_scf_eps"]], "hippynn.interfaces.pyseqm_interface.check": [[69, 1, 1, "", "check"], [69, 1, 1, "", "check_dist"], [69, 1, 1, "", "check_gradient"], [69, 1, 1, "", "save"]], "hippynn.interfaces.pyseqm_interface.gen_par": [[70, 2, 1, "", "gen_par"]], "hippynn.interfaces.pyseqm_interface.gen_par.gen_par": [[70, 3, 1, "", "__init__"], [70, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.mlseqm": [[71, 2, 1, "", "MLSEQM"], [71, 2, 1, "", "MLSEQM_Node"]], "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM": [[71, 3, 1, "", "__init__"], [71, 3, 1, "", "forward"], [71, 3, 1, "", "save"]], "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node": [[71, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_modules": [[72, 2, 1, "", "AtomMask"], [72, 2, 1, "", "SEQM_All"], [72, 2, 1, "", "SEQM_Energy"], [72, 2, 1, "", "SEQM_MaskOnMol"], [72, 2, 1, "", "SEQM_MaskOnMolAtom"], [72, 2, 1, "", "SEQM_MaskOnMolOrbital"], [72, 2, 1, "", "SEQM_MaskOnMolOrbitalAtom"], [72, 2, 1, "", "SEQM_MolMask"], [72, 2, 1, "", "SEQM_OrbitalMask"], [72, 2, 1, "", "Scale"], [72, 1, 1, "", "num_orb"], [72, 1, 1, "", "pack_par"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes": [[73, 2, 1, "", "AtomMaskNode"], [73, 2, 1, "", "SEQM_AllNode"], [73, 2, 1, "", "SEQM_EnergyNode"], [73, 2, 1, "", "SEQM_MaskOnMolAtomNode"], [73, 2, 1, "", "SEQM_MaskOnMolNode"], [73, 2, 1, "", "SEQM_MaskOnMolOrbitalAtomNode"], [73, 2, 1, "", "SEQM_MaskOnMolOrbitalNode"], [73, 2, 1, "", "SEQM_MolMaskNode"], [73, 2, 1, "", "SEQM_OrbitalMaskNode"], [73, 2, 1, "", "ScaleNode"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "expand0"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode": [[73, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_one": [[74, 2, 1, "", "DensityMatrixNode"], [74, 2, 1, "", "Energy_One"], [74, 2, 1, "", "Hamiltonian_One"], [74, 2, 1, "", "NotConvergedNode"], [74, 2, 1, "", "SEQM_One_All"], [74, 2, 1, "", "SEQM_One_AllNode"], [74, 2, 1, "", "SEQM_One_Energy"], [74, 2, 1, "", "SEQM_One_EnergyNode"]], "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode": [[74, 5, 1, "", "input_type_str"]], "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One": [[74, 3, 1, "", "__init__"], [74, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode": [[74, 5, 1, "", "input_type_str"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All": [[74, 3, 1, "", "__init__"], [74, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy": [[74, 3, 1, "", "__init__"], [74, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode": [[74, 3, 1, "", "__init__"], [74, 3, 1, "", "expand0"]], "hippynn.interfaces.schnetpack_interface": [[75, 2, 1, "", "SchNetNode"], [75, 2, 1, "", "SchNetWrapper"], [75, 1, 1, "", "create_schnetpack_inputs"]], "hippynn.interfaces.schnetpack_interface.SchNetNode": [[75, 3, 1, "", "__init__"]], "hippynn.interfaces.schnetpack_interface.SchNetWrapper": [[75, 3, 1, "", "__init__"], [75, 3, 1, "", "forward"]], "hippynn.layers": [[77, 0, 0, "-", "algebra"], [78, 0, 0, "-", "excited"], [79, 0, 0, "-", "hiplayers"], [80, 0, 0, "-", "indexers"], [81, 0, 0, "-", "pairs"], [88, 0, 0, "-", "physics"], [89, 0, 0, "-", "regularization"], [90, 0, 0, "-", "targets"], [91, 0, 0, "-", "transform"]], "hippynn.layers.algebra": [[77, 2, 1, "", "AtLeast2D"], [77, 2, 1, "", "EnsembleTarget"], [77, 2, 1, "", "Idx"], [77, 2, 1, "", "LambdaModule"], [77, 2, 1, "", "ListMod"], [77, 2, 1, "", "ValueMod"], [77, 2, 1, "", "WeightedMAELoss"], [77, 2, 1, "", "WeightedMSELoss"]], "hippynn.layers.algebra.AtLeast2D": [[77, 3, 1, "", "forward"]], "hippynn.layers.algebra.EnsembleTarget": [[77, 3, 1, "", "forward"]], "hippynn.layers.algebra.Idx": [[77, 3, 1, "", "__init__"], [77, 3, 1, "", "extra_repr"], [77, 3, 1, "", "forward"]], "hippynn.layers.algebra.LambdaModule": [[77, 3, 1, "", "__init__"], [77, 3, 1, "", "extra_repr"], [77, 3, 1, "", "forward"]], "hippynn.layers.algebra.ListMod": [[77, 3, 1, "", "forward"]], "hippynn.layers.algebra.ValueMod": [[77, 3, 1, "", "__init__"], [77, 3, 1, "", "extra_repr"], [77, 3, 1, "", "forward"]], "hippynn.layers.algebra.WeightedMAELoss": [[77, 3, 1, "", "loss_func"]], "hippynn.layers.algebra.WeightedMSELoss": [[77, 3, 1, "", "loss_func"]], "hippynn.layers.excited": [[78, 2, 1, "", "LocalEnergy"], [78, 2, 1, "", "NACR"], [78, 2, 1, "", "NACRMultiState"]], "hippynn.layers.excited.LocalEnergy": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "forward"]], "hippynn.layers.excited.NACR": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "forward"]], "hippynn.layers.excited.NACRMultiState": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "forward"]], "hippynn.layers.hiplayers": [[79, 2, 1, "", "CosCutoff"], [79, 2, 1, "", "GaussianSensitivityModule"], [79, 2, 1, "", "InteractLayer"], [79, 2, 1, "", "InteractLayerQuad"], [79, 2, 1, "", "InteractLayerVec"], [79, 2, 1, "", "InverseSensitivityModule"], [79, 2, 1, "", "SensitivityBottleneck"], [79, 2, 1, "", "SensitivityModule"], [79, 1, 1, "", "warn_if_under"]], "hippynn.layers.hiplayers.CosCutoff": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.GaussianSensitivityModule": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.InteractLayer": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"], [79, 3, 1, "", "regularization_params"]], "hippynn.layers.hiplayers.InteractLayerQuad": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.InteractLayerVec": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "compatibility_hook"], [79, 3, 1, "", "forward"], [79, 3, 1, "", "get_extra_state"], [79, 3, 1, "", "set_extra_state"]], "hippynn.layers.hiplayers.InverseSensitivityModule": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.SensitivityBottleneck": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.SensitivityModule": [[79, 3, 1, "", "__init__"]], "hippynn.layers.indexers": [[80, 2, 1, "", "AtomDeIndexer"], [80, 2, 1, "", "AtomReIndexer"], [80, 2, 1, "", "CellScaleInducer"], [80, 2, 1, "", "FilterBondsOneway"], [80, 2, 1, "", "FuzzyHistogram"], [80, 2, 1, "", "MolSummer"], [80, 2, 1, "", "OneHotSpecies"], [80, 2, 1, "", "PaddingIndexer"], [80, 2, 1, "", "QuadPack"], [80, 2, 1, "", "QuadUnpack"], [80, 2, 1, "", "SysMaxOfAtoms"]], "hippynn.layers.indexers.AtomDeIndexer": [[80, 3, 1, "", "forward"]], "hippynn.layers.indexers.AtomReIndexer": [[80, 3, 1, "", "forward"]], "hippynn.layers.indexers.CellScaleInducer": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.indexers.FilterBondsOneway": [[80, 3, 1, "", "forward"]], "hippynn.layers.indexers.FuzzyHistogram": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.indexers.MolSummer": [[80, 3, 1, "", "forward"]], "hippynn.layers.indexers.OneHotSpecies": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.indexers.PaddingIndexer": [[80, 3, 1, "", "forward"]], "hippynn.layers.indexers.QuadPack": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.indexers.QuadUnpack": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.indexers.SysMaxOfAtoms": [[80, 3, 1, "", "forward"]], "hippynn.layers.pairs": [[82, 0, 0, "-", "analysis"], [83, 0, 0, "-", "dispatch"], [84, 0, 0, "-", "filters"], [85, 0, 0, "-", "indexing"], [86, 0, 0, "-", "open"], [87, 0, 0, "-", "periodic"]], "hippynn.layers.pairs.analysis": [[82, 2, 1, "", "MinDistModule"], [82, 2, 1, "", "RDFBins"], [82, 1, 1, "", "min_dist_info"]], "hippynn.layers.pairs.analysis.MinDistModule": [[82, 3, 1, "", "forward"]], "hippynn.layers.pairs.analysis.RDFBins": [[82, 3, 1, "", "__init__"], [82, 3, 1, "", "bin_info"], [82, 3, 1, "", "forward"]], "hippynn.layers.pairs.dispatch": [[83, 2, 1, "", "KDTreeNeighbors"], [83, 2, 1, "", "KDTreePairsMemory"], [83, 2, 1, "", "NPNeighbors"], [83, 2, 1, "", "TorchNeighbors"], [83, 1, 1, "", "neighbor_list_kdtree"], [83, 1, 1, "", "neighbor_list_np"], [83, 1, 1, "", "wrap_points_np"]], "hippynn.layers.pairs.dispatch.KDTreeNeighbors": [[83, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.dispatch.KDTreePairsMemory": [[83, 3, 1, "", "forward"]], "hippynn.layers.pairs.dispatch.NPNeighbors": [[83, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.dispatch.TorchNeighbors": [[83, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.filters": [[84, 2, 1, "", "FilterDistance"]], "hippynn.layers.pairs.filters.FilterDistance": [[84, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing": [[85, 2, 1, "", "ExternalNeighbors"], [85, 2, 1, "", "MolPairSummer"], [85, 2, 1, "", "PaddedNeighModule"], [85, 2, 1, "", "PairCacher"], [85, 2, 1, "", "PairDeIndexer"], [85, 2, 1, "", "PairReIndexer"], [85, 2, 1, "", "PairUncacher"], [85, 1, 1, "", "padded_neighlist"]], "hippynn.layers.pairs.indexing.ExternalNeighbors": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.MolPairSummer": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PaddedNeighModule": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairCacher": [[85, 3, 1, "", "__init__"], [85, 3, 1, "", "forward"], [85, 3, 1, "", "set_images"]], "hippynn.layers.pairs.indexing.PairDeIndexer": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairReIndexer": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairUncacher": [[85, 3, 1, "", "__init__"], [85, 3, 1, "", "forward"], [85, 3, 1, "", "set_images"]], "hippynn.layers.pairs.open": [[86, 2, 1, "", "OpenPairIndexer"], [86, 2, 1, "", "PairMemory"]], "hippynn.layers.pairs.open.OpenPairIndexer": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.open.PairMemory": [[86, 3, 1, "", "__init__"], [86, 3, 1, "", "forward"], [86, 3, 1, "", "initialize_buffers"], [86, 3, 1, "", "recalculation_needed"], [86, 3, 1, "", "reset_reuse_percentage"], [86, 4, 1, "", "reuse_percentage"], [86, 3, 1, "", "set_skin"], [86, 4, 1, "", "skin"]], "hippynn.layers.pairs.periodic": [[87, 2, 1, "", "PeriodicPairIndexer"], [87, 2, 1, "", "PeriodicPairIndexerMemory"], [87, 2, 1, "", "StaticImagePeriodicPairIndexer"], [87, 1, 1, "", "filter_pairs"]], "hippynn.layers.pairs.periodic.PeriodicPairIndexer": [[87, 3, 1, "", "forward"]], "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory": [[87, 3, 1, "", "forward"]], "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer": [[87, 3, 1, "", "__init__"], [87, 3, 1, "", "forward"]], "hippynn.layers.physics": [[88, 2, 1, "", "AlphaScreening"], [88, 2, 1, "", "CombineEnergy"], [88, 2, 1, "", "CombineScreenings"], [88, 2, 1, "", "CoulombEnergy"], [88, 2, 1, "", "Dipole"], [88, 2, 1, "", "EwaldRealSpaceScreening"], [88, 2, 1, "", "Gradient"], [88, 2, 1, "", "LocalDampingCosine"], [88, 2, 1, "", "MultiGradient"], [88, 2, 1, "", "PerAtom"], [88, 2, 1, "", "QScreening"], [88, 2, 1, "", "Quadrupole"], [88, 2, 1, "", "ScreenedCoulombEnergy"], [88, 2, 1, "", "StressForce"], [88, 2, 1, "", "VecMag"], [88, 2, 1, "", "WolfScreening"]], "hippynn.layers.physics.AlphaScreening": [[88, 3, 1, "", "__init__"]], "hippynn.layers.physics.CombineEnergy": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.CombineScreenings": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.CoulombEnergy": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.Dipole": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.EwaldRealSpaceScreening": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.Gradient": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.LocalDampingCosine": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.MultiGradient": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.PerAtom": [[88, 3, 1, "", "forward"]], "hippynn.layers.physics.QScreening": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"], [88, 4, 1, "", "p_value"]], "hippynn.layers.physics.Quadrupole": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.ScreenedCoulombEnergy": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.StressForce": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics.VecMag": [[88, 3, 1, "", "forward"]], "hippynn.layers.physics.WolfScreening": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.regularization": [[89, 2, 1, "", "LPReg"]], "hippynn.layers.regularization.LPReg": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.targets": [[90, 2, 1, "", "HBondSymmetric"], [90, 2, 1, "", "HCharge"], [90, 2, 1, "", "HEnergy"], [90, 2, 1, "", "LocalChargeEnergy"]], "hippynn.layers.targets.HBondSymmetric": [[90, 3, 1, "", "__init__"], [90, 3, 1, "", "forward"]], "hippynn.layers.targets.HCharge": [[90, 3, 1, "", "__init__"], [90, 3, 1, "", "forward"]], "hippynn.layers.targets.HEnergy": [[90, 3, 1, "", "__init__"], [90, 3, 1, "", "forward"]], "hippynn.layers.targets.LocalChargeEnergy": [[90, 3, 1, "", "__init__"], [90, 3, 1, "", "forward"]], "hippynn.layers.transform": [[91, 2, 1, "", "ResNetWrapper"]], "hippynn.layers.transform.ResNetWrapper": [[91, 3, 1, "", "__init__"], [91, 3, 1, "", "forward"], [91, 3, 1, "", "regularization_params"]], "hippynn.molecular_dynamics": [[93, 0, 0, "-", "md"]], "hippynn.molecular_dynamics.md": [[93, 2, 1, "", "LangevinDynamics"], [93, 2, 1, "", "MolecularDynamics"], [93, 2, 1, "", "NullUpdater"], [93, 2, 1, "", "Variable"], [93, 2, 1, "", "VariableUpdater"], [93, 2, 1, "", "VelocityVerlet"]], "hippynn.molecular_dynamics.md.LangevinDynamics": [[93, 3, 1, "", "__init__"], [93, 3, 1, "", "post_step"], [93, 3, 1, "", "pre_step"], [93, 5, 1, "", "required_variable_data"]], "hippynn.molecular_dynamics.md.MolecularDynamics": [[93, 3, 1, "", "__init__"], [93, 4, 1, "", "device"], [93, 4, 1, "", "dtype"], [93, 3, 1, "", "get_data"], [93, 4, 1, "", "model"], [93, 3, 1, "", "reset_data"], [93, 3, 1, "", "run"], [93, 3, 1, "", "to"], [93, 4, 1, "", "variables"]], "hippynn.molecular_dynamics.md.NullUpdater": [[93, 3, 1, "", "post_step"], [93, 3, 1, "", "pre_step"]], "hippynn.molecular_dynamics.md.Variable": [[93, 3, 1, "", "__init__"], [93, 4, 1, "", "data"], [93, 4, 1, "", "device"], [93, 4, 1, "", "dtype"], [93, 4, 1, "", "model_input_map"], [93, 3, 1, "", "to"], [93, 4, 1, "", "updater"]], "hippynn.molecular_dynamics.md.VariableUpdater": [[93, 3, 1, "", "__init__"], [93, 3, 1, "", "post_step"], [93, 3, 1, "", "pre_step"], [93, 5, 1, "", "required_variable_data"], [93, 4, 1, "", "variable"]], "hippynn.molecular_dynamics.md.VelocityVerlet": [[93, 3, 1, "", "__init__"], [93, 3, 1, "", "post_step"], [93, 3, 1, "", "pre_step"], [93, 5, 1, "", "required_variable_data"]], "hippynn.networks": [[95, 0, 0, "-", "hipnn"]], "hippynn.networks.hipnn": [[95, 2, 1, "", "Hipnn"], [95, 2, 1, "", "HipnnQuad"], [95, 2, 1, "", "HipnnVec"], [95, 1, 1, "", "compute_hipnn_e0"]], "hippynn.networks.hipnn.Hipnn": [[95, 3, 1, "", "__init__"], [95, 3, 1, "", "forward"], [95, 4, 1, "", "interaction_layers"], [95, 3, 1, "", "regularization_params"], [95, 4, 1, "", "sensitivity_layers"]], "hippynn.networks.hipnn.HipnnVec": [[95, 3, 1, "", "__init__"], [95, 3, 1, "", "forward"]], "hippynn.optimizer": [[97, 0, 0, "-", "algorithms"], [98, 0, 0, "-", "batch_optimizer"], [99, 0, 0, "-", "utils"]], "hippynn.optimizer.algorithms": [[97, 2, 1, "", "BFGSv1"], [97, 2, 1, "", "BFGSv2"], [97, 2, 1, "", "BFGSv3"], [97, 2, 1, "", "FIRE"], [97, 2, 1, "", "GeometryOptimizer"], [97, 2, 1, "", "NewtonRaphson"]], "hippynn.optimizer.algorithms.BFGSv1": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "log"], [97, 3, 1, "", "reset"], [97, 3, 1, "", "step"], [97, 3, 1, "", "update_B"]], "hippynn.optimizer.algorithms.BFGSv2": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "log"], [97, 3, 1, "", "reset"], [97, 3, 1, "", "step"], [97, 3, 1, "", "update_B"]], "hippynn.optimizer.algorithms.BFGSv3": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "log"], [97, 3, 1, "", "reset"], [97, 3, 1, "", "step"], [97, 3, 1, "", "update_Binv"]], "hippynn.optimizer.algorithms.FIRE": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "log"], [97, 3, 1, "", "reset"], [97, 3, 1, "", "step"]], "hippynn.optimizer.algorithms.GeometryOptimizer": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "duq"], [97, 3, 1, "", "fmax_criteria"]], "hippynn.optimizer.algorithms.NewtonRaphson": [[97, 3, 1, "", "__init__"], [97, 3, 1, "", "emax_criteria"], [97, 3, 1, "", "reset"], [97, 3, 1, "", "step"]], "hippynn.optimizer.batch_optimizer": [[98, 2, 1, "", "Optimizer"]], "hippynn.optimizer.batch_optimizer.Optimizer": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "dump_a_step"]], "hippynn.optimizer.utils": [[99, 1, 1, "", "debatch"], [99, 1, 1, "", "debatch_coords"], [99, 1, 1, "", "debatch_numbers"]], "hippynn.plotting": [[101, 0, 0, "-", "plotmaker"], [102, 0, 0, "-", "plotters"], [103, 0, 0, "-", "timeplots"]], "hippynn.plotting.plotmaker": [[101, 2, 1, "", "PlotMaker"]], "hippynn.plotting.plotmaker.PlotMaker": [[101, 3, 1, "", "__init__"], [101, 3, 1, "", "assemble_module"], [101, 3, 1, "", "make_full_location"], [101, 3, 1, "", "make_plots"], [101, 3, 1, "", "plot_phase"], [101, 4, 1, "", "required_nodes"]], "hippynn.plotting.plotters": [[102, 2, 1, "", "ComposedPlotter"], [102, 2, 1, "", "HierarchicalityPlot"], [102, 2, 1, "", "Hist1D"], [102, 2, 1, "", "Hist1DComp"], [102, 2, 1, "", "Hist2D"], [102, 2, 1, "", "InteractionPlot"], [102, 2, 1, "", "Plotter"], [102, 2, 1, "", "SensitivityPlot"], [102, 1, 1, "", "as_numpy"]], "hippynn.plotting.plotters.ComposedPlotter": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.HierarchicalityPlot": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist1D": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist1DComp": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist2D": [[102, 3, 1, "", "__init__"], [102, 4, 1, "", "norm"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.InteractionPlot": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Plotter": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "make_plot"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.SensitivityPlot": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "plt_fn"]], "hippynn.plotting.timeplots": [[103, 1, 1, "", "plot_all_over_time"], [103, 1, 1, "", "plot_over_time"]], "hippynn.pretraining": [[104, 1, 1, "", "calculate_max_system_force"], [104, 1, 1, "", "calculate_min_dists"], [104, 1, 1, "", "hierarchical_energy_initialization"], [104, 1, 1, "", "set_e0_values"]], "hippynn.tools": [[105, 1, 1, "", "active_directory"], [105, 1, 1, "", "arrdict_len"], [105, 1, 1, "", "device_fallback"], [105, 1, 1, "", "is_equal_state_dict"], [105, 1, 1, "", "isiterable"], [105, 1, 1, "", "log_terminal"], [105, 1, 1, "", "np_of_torchdefaultdtype"], [105, 1, 1, "", "pad_np_array_to_length_with_zeros"], [105, 1, 1, "", "param_print"], [105, 1, 1, "", "print_lr"], [105, 1, 1, "", "progress_bar"], [105, 2, 1, "", "teed_file_output"], [105, 1, 1, "", "unsqueeze_multiple"]], "hippynn.tools.teed_file_output": [[105, 3, 1, "", "__init__"], [105, 3, 1, "", "flush"], [105, 3, 1, "", "write"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"], "6": ["py", "exception", "Python exception"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:property", "5": "py:attribute", "6": "py:exception"}, "terms": {"": [13, 15, 19, 20, 28, 30, 36, 37, 44, 53, 54, 60, 61, 79, 80, 83, 105, 107, 113, 116, 117, 119, 122, 123, 125, 131], "0": [10, 13, 15, 19, 20, 21, 25, 60, 63, 68, 73, 74, 80, 93, 95, 97, 98, 99, 102, 104, 105, 108, 113, 114, 118, 130], "00": 80, "0001": 21, "001": [68, 97, 113], "00489": 21, "01": [73, 74, 80, 104], "014285714285714285": 97, "02": 80, "02523": 110, "05": [68, 97], "06": 95, "1": [10, 13, 14, 15, 19, 20, 21, 23, 25, 52, 60, 63, 66, 68, 72, 78, 80, 85, 87, 88, 90, 93, 95, 97, 98, 102, 108, 110, 111, 113, 115, 118, 119, 121, 122, 124, 125, 126, 130], "10": [10, 13, 15, 20, 21, 66, 80, 108, 113, 116, 131], "100": [10, 97, 113], "1000": [10, 108], "11": 80, "12": [80, 113], "128": 117, "15": [60, 63], "16": 113, "1711": 21, "1e": [60, 63, 95, 108, 131], "2": [10, 20, 48, 52, 53, 60, 63, 68, 72, 80, 83, 86, 87, 88, 89, 93, 95, 97, 110, 113, 115, 119, 122, 124], "20": [10, 80, 108, 113], "200": [102, 108], "2001": 113, "2018": 21, "2019": 122, "2023": 110, "21": 80, "211386024367243": 66, "22": 80, "2306": 110, "27": [66, 115], "3": [10, 61, 80, 88, 108, 110, 113, 121, 122, 126], "30": 10, "3x3": 61, "4": [52, 54, 80, 115, 125, 131], "5": [10, 21, 47, 48, 52, 53, 80, 97, 104, 108, 113], "50": 104, "500": 102, "512": 108, "6": [61, 95, 113], "6114e22": 93, "7": [10, 95, 113], "70": 97, "72114e": 68, "8": [53, 80, 95, 113], "80": [10, 108], "85": 113, "89233218cna000001": 122, "9": [88, 121], "96": 68, "98": 68, "99": 97, "A": [8, 19, 21, 25, 45, 58, 60, 63, 109, 113, 116, 122, 124, 126, 128, 130], "AND": 122, "AS": 122, "ASE": [60, 62, 63, 85, 109, 112, 115, 120, 121, 127, 128], "And": [80, 107], "As": [28, 30, 115, 124, 131], "At": 125, "BE": 122, "BUT": 122, "BY": 122, "But": [19, 20, 129], "By": [109, 113, 115, 118], "FOR": 122, "For": [13, 15, 26, 53, 60, 65, 67, 95, 110, 112, 115, 117, 118, 119, 121, 123, 124, 125, 126, 129, 130, 131], "IF": 122, "IN": 122, "If": [1, 13, 14, 15, 17, 19, 20, 21, 22, 25, 28, 30, 36, 37, 38, 46, 47, 48, 52, 53, 54, 56, 57, 58, 60, 61, 63, 66, 95, 98, 104, 105, 107, 117, 118, 119, 121, 123, 124, 125, 126, 130], "In": [10, 13, 15, 19, 20, 27, 28, 50, 57, 97, 105, 118, 119, 120, 123, 125, 130], "It": [19, 20, 44, 80, 109, 113, 115, 118, 125, 129, 131], "NO": 122, "NOT": [28, 36, 39, 122], "No": [36, 38], "Not": [60, 63, 118, 130], "OF": 122, "ON": 122, "OR": [13, 60, 61, 122], "On": 123, "One": [129, 131], "SUCH": 122, "THE": 122, "TO": 122, "That": [36, 38, 119, 126], "The": [0, 13, 15, 17, 19, 21, 23, 25, 27, 28, 30, 36, 38, 44, 57, 58, 80, 88, 91, 93, 101, 104, 105, 107, 108, 109, 110, 111, 113, 115, 116, 117, 118, 119, 120, 122, 123, 124, 126, 128, 129, 130, 131], "Their": 10, "Then": [115, 129], "There": [10, 113, 119, 126, 130], "These": [107, 110, 113, 114, 123, 125, 127, 130], "To": [19, 20, 21, 28, 31, 77, 80, 107, 113, 114, 115, 117, 118, 129], "_": [110, 123], "__call__": [28, 57], "__init__": [0, 1, 3, 8, 10, 13, 14, 15, 17, 18, 19, 21, 23, 24, 25, 28, 31, 40, 41, 42, 43, 44, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 59, 60, 61, 63, 65, 66, 67, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 100, 101, 102, 105, 106, 125], "_auto_module_class": 125, "_basecompareloss": [47, 50], "_basenod": [29, 42, 48, 52, 53, 54, 56, 104], "_combnod": [42, 43], "_compareabletruepr": 102, "_description_": 47, "_dispatchneighbor": [53, 64, 83], "_featurenodesmixin": 52, "_helper": 54, "_i": [110, 119], "_index_st": 125, "_input_nam": 125, "_j": 110, "_lrschedul": [19, 25], "_mae_with_phas": 47, "_main_output": 125, "_mse_with_phas": 47, "_output_index_st": 125, "_output_nam": 125, "_pair_indexer_class": [53, 83, 86, 87], "_pairindex": [84, 85, 86, 87], "_parent_expand": 125, "_predefinedop": 42, "_values_": 80, "_weightedcompareloss": 50, "_weightedloss": 77, "a_start": 97, "ab": 110, "abort": [19, 25], "about": [28, 29, 98, 112, 125, 127, 129, 130], "abov": [98, 115, 122, 125, 126], "absolut": [50, 77], "absolute_error": [28, 40, 50], "abstract": [97, 114, 127], "acceler": [13, 15, 93, 121, 123], "accept": [13, 15, 28, 31, 60, 63, 66, 77, 130], "access": [28, 57, 113, 117, 118, 129], "accomplish": [19, 20, 129], "accord": [19, 25], "accumul": 129, "ach": 10, "acquir": 37, "acquire_encoding_pad": [28, 40, 48, 115, 125], "across": [13, 15, 26, 109], "act": [27, 36, 38, 122], "activ": [1, 19, 20, 23, 27, 91, 95, 118, 123, 131], "activate_mliappi": 114, "active_directori": [0, 105, 106, 113], "actual": [55, 80, 123, 129], "ad": [13, 15, 53, 83, 120, 127, 128], "adam": [19, 25, 108, 113], "add": [0, 1, 8, 10, 13, 15, 24, 42, 105, 113, 125], "add_class_doc": [40, 41, 44], "add_identity_lin": 102, "add_output": [0, 28, 57, 106], "add_split_mask": [0, 13, 15, 106], "addit": [27, 28, 36, 38, 42, 53, 57, 60, 63, 87, 93, 105, 115, 123, 125], "addition": [109, 125], "additional_output": [28, 57], "addn_featur": 87, "addnod": [40, 41, 42], "adds_to_form": [40, 41, 44], "adiabat": [47, 110], "adiabiat": 112, "administr": 122, "adopt": 88, "advantag": 127, "advis": 122, "affect": [19, 20], "after": [19, 20, 21, 24, 25, 28, 30, 93, 114, 115, 118, 127], "after_load": 114, "afterward": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 114], "again": 113, "against": [10, 130], "agre": 114, "ahead": 123, "aid": 44, "aim": [120, 126], "al": [21, 110, 114], "alamo": 122, "alf": 120, "algebra": [0, 28, 40, 41, 76, 106, 113], "algorithm": [0, 27, 53, 83, 92, 93, 96, 98, 106, 115], "alia": [19, 20, 25], "alias": 38, "all": [7, 10, 13, 18, 19, 20, 21, 25, 28, 30, 31, 44, 47, 50, 58, 60, 61, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95, 105, 109, 113, 117, 118, 119, 121, 122, 123, 126, 129, 130], "all_atom_energi": 66, "all_close_witherror": [0, 1, 10], "all_featur": [78, 90], "all_nod": [28, 30], "all_pair": 90, "allevi": 131, "allow": [13, 14, 15, 17, 18, 19, 21, 23, 25, 28, 55, 60, 61, 80, 125], "allow_calcul": [60, 63], "allow_unfound": [13, 14, 15, 17, 20, 60, 61], "almost": [113, 115], "along": 120, "alpha": 88, "alphascreen": [0, 76, 88], "alreadi": [36, 37, 123, 124, 125], "also": [13, 14, 15, 17, 38, 60, 61, 93, 107, 110, 113, 114, 115, 119, 120, 125], "altern": [105, 115, 121, 127], "although": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 130], "alwai": [19, 20, 44, 105, 118, 125], "alwaysmatch": [40, 41, 44], "amd": 80, "amount": [13, 15, 21, 93, 123, 130], "amplitud": 10, "an": [10, 13, 15, 19, 20, 21, 23, 24, 25, 26, 28, 30, 36, 37, 38, 39, 46, 48, 53, 54, 56, 57, 58, 60, 61, 63, 83, 90, 93, 104, 105, 107, 109, 113, 115, 117, 118, 119, 121, 123, 124, 125, 129, 131], "analog": 123, "analysi": [0, 76, 81], "analyz": [30, 82], "ang": 93, "angstrom": [60, 61, 63, 66, 107], "ani": [13, 15, 36, 38, 42, 43, 44, 45, 49, 50, 55, 66, 74, 79, 111, 115, 118, 120, 121, 122, 123, 125, 126, 129], "anoth": [36, 38, 124, 129, 131], "antisymmetr": 90, "anyth": [13, 15, 60, 61, 114, 118, 130], "api": [7, 27, 79, 95, 117, 120, 125, 128], "appli": [18, 30, 36, 38, 44, 47, 48, 52, 53, 54, 56, 88, 113, 123, 125, 129], "applic": [115, 125], "apply_to_databas": [0, 28, 57, 106, 113], "apply_to_db": 113, "appropri": [36, 37, 125], "approxim": 123, "ar": [1, 10, 13, 14, 15, 17, 19, 20, 21, 25, 26, 27, 28, 30, 31, 38, 44, 52, 57, 60, 61, 63, 72, 75, 77, 86, 92, 95, 104, 105, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 129, 130, 131], "arbitrari": [53, 126], "arbitrarili": 125, "aren": [19, 20], "arg": [10, 13, 14, 17, 18, 21, 28, 42, 45, 48, 50, 53, 57, 60, 61, 63, 66, 74, 77, 79, 80, 82, 85, 87, 88, 89, 93, 95, 104, 105], "argument": [13, 17, 19, 25, 26, 36, 37, 38, 47, 52, 54, 60, 61, 84, 111, 115, 118, 125, 130], "aris": [122, 125], "arr_dict": [13, 14, 15, 17, 60, 61, 104], "arrai": [8, 10, 13, 14, 15, 17, 20, 60, 61, 66, 88, 104, 105, 111, 113, 120, 126], "array_dict": 104, "array_dictionari": 105, "arrdict_len": [0, 105, 106], "arxiv": [21, 110], "as_numpi": [0, 100, 102], "as_tensor": [59, 65, 66], "ase": [13, 59, 60, 61, 63, 66, 93, 107, 121, 126, 127], "ase_compute_neighbor": [59, 60, 64], "ase_databas": [0, 59, 60], "ase_db_exampl": 126, "ase_filterpair_coulomb_construct": [59, 60, 62], "ase_interfac": [0, 59, 106, 107], "ase_unittest": [0, 59, 60], "asedatabas": [0, 13, 59, 60, 61, 106, 126], "aseneighbor": [59, 60, 64], "asepairnod": [59, 60, 64], "ask": 131, "aspect": [21, 125], "assembl": [19, 20, 108, 113, 115], "assemble_for_train": [0, 19, 20, 106, 113, 115, 116], "assemble_modul": [0, 25, 100, 101], "assemble_training_modul": [19, 25], "assembli": [0, 19, 53, 106, 115], "assert": [40, 41, 44, 47, 48, 52, 53, 54, 105, 125], "assertlen": [40, 41, 44, 125], "assign": [107, 109, 126, 130], "assign_index_alias": [28, 36, 38], "assist": 124, "associ": [19, 20, 28, 30, 53, 93, 107, 113, 114, 123], "assum": [24, 60, 63, 80, 108, 116, 117, 119, 125], "assume_input": [28, 30], "assumpt": 105, "asymmetr": 10, "atleast2d": [0, 40, 41, 42, 76, 77], "atom": [0, 10, 13, 15, 28, 32, 36, 39, 47, 48, 52, 54, 56, 59, 60, 61, 63, 66, 73, 78, 80, 85, 88, 90, 95, 104, 106, 107, 110, 113, 114, 115, 119, 123, 124, 125, 126, 129, 130], "atom1_ids_shap": 4, "atom2_id_shap": 4, "atom2_startshap": 4, "atom_arrai": 85, "atom_charg": 131, "atom_energi": [78, 125], "atom_energy_1": 88, "atom_energy_2": 88, "atom_hi": 125, "atom_index": [48, 78, 80, 82, 85], "atom_mask": 72, "atom_molid": 74, "atom_preenergi": 78, "atom_prob": 10, "atom_var": [13, 15], "atom_vari": 126, "atomdeindex": [0, 28, 40, 48, 76, 80], "atomidx": 53, "atomindex": [28, 40, 47, 48, 52, 53, 54, 55, 125], "atomist": [120, 128], "atommask": [59, 67, 72], "atommasknod": [59, 67, 73], "atomreindex": [0, 28, 40, 48, 76, 80], "atomtomolsumm": [28, 40, 54], "atomwis": [13, 15], "attach": [19, 25, 116], "attempt": [26, 28, 29, 36, 37, 42, 43, 45, 49, 50, 60, 63, 118, 125], "attempt_restart": [0, 13, 18], "attribut": [104, 113, 125, 129], "auto": [1, 13, 15, 28, 29, 42, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 64, 66, 71, 73, 74, 75, 98, 104, 118, 125, 130], "auto_modul": [28, 40, 41, 42, 44, 47, 48, 53], "auto_module_class": 125, "auto_split": [13, 14, 15, 17, 60, 61], "autograd": [2, 123, 127, 129], "autograd_wrapp": [0, 1, 106], "autokw": [40, 41, 44, 47, 48, 52, 53, 54, 56, 71, 73, 74, 75, 125], "automat": [13, 15, 18, 21, 26, 28, 36, 38, 47, 48, 60, 63, 104, 105, 107, 118, 123, 125, 127], "autonokw": [40, 41, 44, 48, 51, 53, 54, 66, 125], "avail": [1, 13, 15, 19, 25, 36, 37, 59, 123, 125, 130], "averag": 10, "avoid": [13, 15, 110, 118], "awar": 27, "awkward": 123, "ax": [36, 123], "axi": [13, 15, 36, 60, 63, 105], "b": 123, "back": [8, 19, 25, 30], "background": 130, "backward": [25, 27, 79, 123], "badli": 130, "bar": [25, 28, 57, 119, 121, 130], "barebon": [113, 119], "base": [0, 3, 4, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 23, 24, 25, 27, 28, 30, 31, 36, 39, 40, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 60, 61, 63, 64, 66, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 95, 97, 98, 101, 102, 105, 107, 109, 110, 114, 117, 124, 125, 127], "base_lay": 91, "base_sens": 79, "basi": [28, 126], "basic": [124, 126, 128], "batch": [10, 19, 20, 21, 25, 36, 78, 88, 90, 96, 97, 99, 104, 113, 117, 119, 123, 125, 129], "batch_callback": [19, 25, 118], "batch_convert_torch_to_numba": [0, 1, 7], "batch_hier": 125, "batch_input": [19, 25, 27], "batch_model_output": [19, 25], "batch_optim": [0, 96, 106], "batch_siz": [0, 13, 15, 19, 20, 21, 25, 28, 57, 104, 106, 108, 113, 117], "batch_target": [19, 25, 27], "becaus": [10, 38, 115, 117, 123, 129, 131], "becom": [28, 30], "been": [21, 27, 36, 37, 38, 104, 108, 125], "befor": [13, 15, 21, 93, 104, 114, 118, 121, 125, 127, 130], "before_load": 114, "begin": [113, 129], "behalf": 122, "behav": 84, "behavior": [13, 44, 123], "being": [123, 131], "belong": 118, "below": [19, 25, 119, 130], "benchmark": [13, 15], "benefit": [115, 123], "besid": [13, 21, 54, 80, 112], "best": [1, 19, 21, 24, 25, 118, 123], "best_checkpoint": [70, 118], "best_metric_list": 103, "best_metric_valu": 24, "best_model": 24, "better": [19, 22, 24, 25, 113, 119, 123], "better_dict": 24, "better_model": 21, "between": [8, 10, 18, 28, 36, 37, 38, 47, 50, 93, 110, 113, 115, 119, 126, 130], "bfg": 97, "bfgsv1": [0, 96, 97], "bfgsv2": [0, 96, 97], "bfgsv3": [0, 96, 97, 98], "bin": [53, 82, 102], "bin_info": [76, 81, 82], "binari": 122, "binnod": [40, 41, 42], "bit": [8, 118], "blank": [19, 25, 80, 113], "block": [95, 113], "bohr": 113, "boldsymbol": 110, "bond": [56, 80, 126, 127], "bond_vari": 126, "bondtomolsummm": [28, 40, 54], "book": 28, "bool": [1, 13, 15, 24, 61, 77, 95, 99], "boolean": [13, 15], "both": [13, 15, 22, 26, 28, 31, 56, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90, 95, 119, 123], "bottom": 128, "boundari": [53, 61, 75, 83, 104, 112, 126], "box": [21, 115], "break": [62, 79, 118], "broadcast": 130, "bsd": 122, "bug": 123, "build": [19, 20, 21, 25, 28, 44, 47, 48, 53, 57, 62, 79, 104, 107, 109, 113, 114, 125, 127], "build_loss_modul": [0, 19, 20], "built": [19, 25, 62, 72, 73, 91, 115, 125], "bundl": 114, "bundled_input": 77, "busi": 122, "bytetensor": 118, "c": [53, 121], "cach": [13, 15, 20, 36, 38], "calc": 107, "calcul": [0, 25, 47, 53, 59, 60, 62, 83, 86, 87, 104, 109, 110, 112, 113, 114, 124, 127, 129], "calculate_max_system_forc": [0, 104, 106], "calculate_min_dist": [0, 104, 106], "calculation_requir": [0, 59, 60, 63], "calculator_from_model": [0, 59, 60, 63], "call": [19, 25, 27, 28, 31, 50, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 92, 95, 105, 114, 115, 117, 125, 131], "callabl": [19, 25, 26, 27, 28, 36, 38, 46, 79, 95, 117], "callback": [0, 19, 20, 25, 59, 67, 102, 118, 127], "can": [13, 14, 15, 17, 19, 20, 21, 25, 28, 30, 36, 38, 44, 60, 61, 62, 93, 102, 104, 107, 110, 111, 113, 114, 115, 117, 118, 119, 120, 123, 124, 125, 126, 127, 129, 130, 131], "cannot": [13, 15, 28, 46, 115], "capabl": [107, 125, 126], "captur": [19, 25], "care": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "carefulli": [28, 57], "carteisian": 61, "cartesian": [61, 126], "case": [10, 18, 28, 57, 109, 115, 118, 119, 124, 125], "cast": [44, 52, 53, 54], "categor": 51, "caught": 62, "caus": 122, "caution": [13, 15], "caveat": 115, "cb": [19, 25], "cd": 121, "cell": [49, 53, 61, 64, 80, 83, 85, 86, 87, 88, 93, 104, 115, 126], "cell_nam": 104, "cell_offset": 85, "cellnod": [28, 40, 49, 52, 53, 115], "cellscaleinduc": [0, 76, 80], "certain": [10, 19, 25, 123, 127], "chang": [13, 15, 19, 20, 28, 30, 37, 38, 60, 63, 79, 93, 104, 115, 118, 130], "channel": 121, "charact": 24, "charg": [28, 40, 47, 49, 54, 55, 56, 60, 61, 63, 73, 78, 88, 90, 107, 110, 119, 125, 126, 127, 131], "chargemomentnod": [28, 40, 54, 125], "chargepairsetup": [28, 40, 54], "charges1": 78, "charges2": 78, "chdir": 113, "check": [0, 13, 14, 15, 17, 20, 26, 30, 59, 60, 61, 63, 67, 105, 113, 118, 119, 126, 130], "check_all_grad": [0, 1, 10], "check_all_grad_onc": [0, 1, 10], "check_allclos": [0, 1, 10], "check_allclose_onc": [0, 1, 10], "check_correct": [0, 1, 10], "check_dist": [59, 67, 69], "check_empti": [0, 1, 10], "check_evaluation_ord": [0, 28, 30], "check_grad_and_gradgrad": [0, 1, 10], "check_gradi": [59, 67, 69], "check_link_consist": [0, 28, 30], "check_mapping_devic": [0, 19, 26], "check_spe": [0, 1, 10], "checkpoint": [18, 19, 25, 26, 118, 127], "child": [28, 30, 44, 46, 125], "child_nod": 30, "child_node_typ": [36, 38], "children": [28, 30, 53, 113, 124], "choic": 131, "choos": [72, 104], "circuit": [60, 63], "circumst": [13, 15], "cl": 18, "class": [3, 4, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 23, 24, 25, 27, 28, 31, 36, 38, 39, 41, 42, 43, 44, 45, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 60, 61, 63, 64, 66, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 95, 97, 98, 101, 102, 105, 114, 124, 125, 126], "classmethod": [18, 24, 28, 50, 57], "cleanli": 129, "clear": [36, 38, 93], "clear_index_cach": [0, 28, 36, 38], "clear_pair_cach": [0, 1, 12], "clone": 121, "close": [50, 115, 123], "closur": 27, "closure_step_fn": [0, 19, 27], "closurestep": [0, 19, 27], "cmu": 96, "co": 88, "code": [10, 59, 110, 113, 118, 120, 121, 122, 124, 125], "coeffici": 93, "coerc": [28, 30, 36, 37, 44], "coerces_values_to_nod": [40, 41, 42], "coercion": 44, "collate_input": [0, 28, 29], "collate_target": [0, 28, 29], "collect": [28, 36, 38, 46, 101, 130], "collected_model": 109, "column": [13, 24, 60, 61, 130], "com": 121, "combin": [54, 59, 88, 109, 113, 125], "combineenergi": [0, 76, 88], "combineenergynod": [28, 40, 54], "combinescreen": [0, 76, 88], "come": [1, 123, 125, 126], "command": 114, "commands_str": 114, "commensur": 44, "comment": [121, 131], "common": 126, "compactifi": 58, "compar": [36, 37, 60, 63, 113, 115, 116, 127, 130], "compare_against": 10, "compare_atom": [60, 63], "comparison": [36, 37, 38], "compat": [8, 13, 15, 21, 28, 36, 37, 44, 46, 60, 63, 79, 95, 105, 124, 127], "compatibility_hook": [0, 76, 79], "compatibleidxtypetransform": [40, 41, 44], "compil": [117, 124], "complement": 88, "complet": [18, 110, 113, 119, 120, 125], "complex": [44, 115, 125, 129], "complex128": 7, "complex64": 7, "compon": [53, 56, 83, 87, 90, 118, 120, 125, 128, 131], "compos": 76, "composedplott": [0, 100, 102], "composit": 94, "compris": [28, 31], "comput": [13, 15, 19, 20, 28, 30, 31, 38, 40, 47, 50, 53, 54, 60, 61, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 95, 98, 104, 113, 118, 125, 126, 129], "computation": 123, "computaton": 123, "compute_descriptor": [59, 65, 66], "compute_dtyp": 66, "compute_evaluation_ord": [0, 28, 30, 106], "compute_forc": [59, 65, 66], "compute_gradi": [59, 65, 66], "compute_hipnn_e0": [0, 94, 95], "compute_index_mask": [0, 13, 15], "compute_on": [59, 60, 64, 76, 81, 83], "concept": 128, "conceptu": 129, "concern": [53, 108], "concret": 10, "conda_requir": 121, "condit": [53, 61, 75, 83, 87, 104, 112, 122, 126], "confer": 21, "config": [14, 130], "configur": [88, 96, 118, 123], "connect": [28, 30, 44, 46, 58, 124, 125], "consequenti": 122, "consid": 53, "consider": 110, "consist": [10, 30, 85, 95, 113], "const": 74, "constant": 54, "constraint": [28, 46, 105, 118, 128], "constraint_kei": [28, 46], "construct": [10, 13, 18, 19, 20, 23, 25, 28, 29, 44, 50, 57, 62, 108, 110, 119, 120, 125, 128, 131], "construct_output": [0, 28, 29], "constructor": [36, 38, 72, 74, 79, 91], "consum": 107, "contain": [13, 15, 19, 21, 25, 26, 28, 29, 30, 38, 79, 104, 110, 113, 118, 120, 124, 129, 130], "context": [44, 105], "contin": 123, "contract": 122, "contribut": [47, 96, 125, 131], "contributed_energi": 78, "contributor": 122, "control": [0, 13, 19, 25, 26, 27, 28, 68, 106, 112, 118], "conveni": 18, "convent": [21, 88, 126], "convers": [28, 33, 34, 36, 37, 38, 125, 127], "convert": [7, 8, 28, 36, 37, 48, 53, 57, 80, 85, 93, 125], "convolut": 123, "coord": [83, 97, 98, 99], "coord_pair": 79, "coordin": [71, 72, 74, 80, 83, 85, 86, 87, 88, 97, 98, 115, 126], "copi": [18, 19, 20, 28, 30, 57, 122], "copy_subgraph": [0, 28, 30, 106], "copyright": 122, "core": [31, 41, 123], "correct": [10, 13, 15, 30, 118, 129], "correctli": [28, 30, 123], "correspond": [28, 30, 47, 54, 66, 79, 80, 93, 109, 110, 113, 123, 125, 126, 129], "corrupt": [28, 30], "coscutoff": [0, 76, 79], "cost": [20, 115, 117], "costli": 115, "could": [10, 97, 123, 125, 129], "coulomb": [54, 62, 88], "coulombenergi": [0, 76, 88], "coulombenergynod": [28, 40, 54], "coulombi": 88, "count": [13, 15, 109], "counterpart": 110, "coupl": [47, 110], "cours": 93, "cover": [18, 124], "cpu": [1, 10, 19, 20, 22, 23, 28, 57, 66, 70, 97, 108, 114, 118, 121, 123, 127, 129], "cpu_kernel": [0, 1, 4, 8], "creat": [13, 15, 19, 20, 25, 26, 28, 29, 36, 38, 42, 43, 45, 48, 49, 50, 57, 66, 105, 113, 114, 119, 124, 128], "create_schnetpack_input": [0, 59, 75], "create_st": [0, 19, 26], "create_structure_fil": [0, 19, 26], "creation": [28, 47, 48, 52, 53, 54, 56, 73, 74, 124], "criterion": 30, "crossov": 88, "csr": 123, "ctime": 61, "cuda": [19, 20, 25, 66, 114, 118], "cuda_visible_devic": 118, "cupi": [1, 3, 121, 123, 130], "cupyenvsum": [0, 1, 3], "cupyfeatsum": [0, 1, 3], "cupygpukernel": [0, 1, 3], "cupysensesum": [0, 1, 3], "current": [13, 15, 19, 21, 22, 25, 26, 27, 53, 59, 83, 86, 87, 92, 104, 105, 113, 115, 118, 125, 130], "current_epoch": [0, 19, 24], "cusp_reg": [79, 95], "custom": [1, 3, 28, 31, 77, 108, 128, 130], "custom_kernel": [0, 106, 123], "customiz": 92, "cut": [13, 15], "cutoff": [64, 79, 83, 87, 88, 95, 104, 113, 115, 131], "cutoff_dist": 54, "cutoff_typ": 79, "cycl": [28, 30], "d": 110, "d1": 105, "d2": 105, "damag": 122, "damp": 88, "dangl": [28, 30], "data": [0, 10, 13, 14, 15, 17, 32, 60, 61, 66, 82, 92, 93, 95, 101, 104, 113, 114, 115, 119, 120, 122, 124, 126, 129, 131], "data_arg": 102, "data_s": 10, "databas": [0, 19, 20, 25, 26, 36, 37, 42, 43, 45, 49, 50, 60, 61, 95, 104, 106, 108, 110, 113, 115, 117, 118, 119, 120, 127, 128, 129, 131], "database_input": 20, "dataload": [13, 14, 15, 17, 20, 23, 60, 61, 115], "dataparallel": [19, 22, 25], "dataset": [13, 15, 17, 19, 20, 23, 25, 61, 113, 115, 121, 126, 131], "db": [13, 20, 28, 57, 60, 61, 104, 126], "db_form": [0, 28, 36, 37], "db_info": [19, 20, 23, 113, 115, 116, 118], "db_name": [13, 14, 15, 17, 19, 20, 28, 29, 30, 42, 43, 45, 49, 50, 60, 61, 74, 93, 109, 110, 111, 113, 115, 117, 119, 126, 129, 131], "db_namesnam": 113, "db_state_of": [28, 36, 37], "dbname": 30, "deactiv": 1, "deal": [115, 129], "debatch": [0, 96, 99], "debatch_coord": [0, 96, 99], "debatch_numb": [0, 96, 99], "debug": [19, 25], "debug_graph_execut": 130, "debug_loss_broadcast": 130, "decai": [21, 25], "decay_factor": [68, 73, 74, 104], "decod": 80, "decomposit": [60, 63], "decor": [8, 36, 38, 44, 125], "decreas": [53, 83, 86, 87, 115], "def": 125, "default": [1, 13, 15, 19, 20, 21, 25, 26, 28, 36, 38, 47, 52, 53, 57, 59, 60, 63, 93, 95, 109, 115, 118, 123, 125, 130], "default_plot_filetyp": 130, "defaultnetworkexpans": [28, 40, 52], "defin": [13, 15, 21, 28, 31, 44, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 108, 110, 113, 119, 125, 126, 127], "definit": [28, 40, 44, 46, 125], "definition_help": [28, 40, 41, 125], "deliber": 113, "delta": 110, "delta_ij": 88, "denot": 80, "dens": 20, "densit": 73, "densitymatrixnod": [59, 67, 74], "depart": 122, "depend": [38, 55, 113, 118, 123], "depleat": 130, "deploi": 123, "depth": 14, "deriv": 122, "describ": [23, 36, 113], "descript": [19, 25, 80, 110], "descriptor": 66, "design": [120, 131], "desir": [107, 124, 129, 131], "destin": 118, "detach": [28, 57, 129], "detail": [26, 77, 109, 110, 127, 128], "detect": [13, 15, 98, 130], "determin": [13, 15, 24, 104, 115, 117, 124], "determine_out_in_targ": [0, 19, 20], "develop": 120, "deviat": 109, "devic": [0, 10, 13, 15, 19, 20, 23, 25, 26, 28, 57, 66, 70, 92, 93, 97, 98, 104, 106, 108, 114], "device_fallback": [0, 105, 106], "df": 104, "diagnos": 123, "diagnost": 104, "dict": [19, 20, 24, 25, 26, 28, 29, 47, 79, 93, 104], "dict_to_add_to": [13, 15], "dictionari": [13, 14, 15, 17, 22, 23, 24, 26, 60, 61, 63, 75, 93, 104, 105, 113, 117, 118, 119], "diectori": [13, 17], "differ": [10, 27, 38, 47, 54, 55, 60, 63, 77, 88, 109, 110, 118, 120, 125, 127, 131], "differenti": [107, 123], "differentiable_input": 10, "difficulti": 126, "digraph": 58, "dim": 105, "dimens": [80, 91, 105], "diment": 66, "dipol": [0, 54, 61, 76, 88, 107, 110, 125], "dipole_ma": 110, "dipolenod": [28, 40, 54, 110], "direct": [37, 115, 122, 125], "directli": [7, 36, 37, 44, 114, 117, 118, 124, 126, 127, 130], "directori": [13, 14, 17, 19, 25, 26, 28, 29, 60, 61, 105, 109, 113, 118], "directorydatabas": [0, 13, 17, 106, 113], "dirnam": [105, 113], "disabl": [19, 25, 130], "disclaim": 122, "disconnect": [28, 30], "disconnect_old": [28, 30], "disk": [13, 126], "dispatch": [0, 36, 38, 76, 81], "dispatch_index": [28, 36, 37], "displai": 122, "dist": 88, "dist_hard_max": [53, 64, 83, 86, 87, 90, 95, 104, 113, 115], "dist_pair": 79, "dist_soft_max": [90, 95, 113], "dist_soft_min": [90, 95, 113], "dist_tensor": 79, "dist_threshold": 104, "dist_unit": [60, 63, 66, 107], "distanc": [10, 53, 60, 63, 66, 79, 83, 84, 86, 87, 88, 104, 107, 113, 115, 130, 131], "distance_unit": 66, "distflat": [79, 87], "distinct": 129, "distribut": 122, "divid": [66, 129], "divnod": [40, 41, 42], "dk": [13, 60, 61], "do": [1, 13, 15, 19, 20, 21, 25, 28, 38, 57, 58, 98, 104, 113, 115, 117, 118, 121, 122, 123, 125, 129, 130], "doc": 118, "document": [13, 60, 61, 122, 125, 127], "doe": [13, 17, 28, 50, 57, 62, 105, 118, 125, 129, 130, 131], "doesn": [28, 30, 36, 37, 44, 125, 130], "domain": [60, 63, 129], "don": [10, 13, 15, 20, 21, 60, 63, 115, 121, 130], "done": [13, 15, 19, 25, 28, 57], "dot": 58, "doubl": 123, "down": [118, 125], "dress": [28, 57, 124], "driver": [92, 93], "drop": 113, "dry_run": [13, 15], "dt": [93, 97], "dt_max": 97, "dtu": [13, 60, 61], "dtype": [0, 7, 10, 88, 92, 93], "due": [110, 115, 118], "dump_a_step": [0, 96, 98], "dump_traj": 98, "duq": [0, 96, 97], "dure": [19, 20, 21, 25, 44, 92, 93, 115, 118, 127, 129, 130], "dynam": [21, 28, 92, 107, 108, 123, 130], "dynamicperiodicpair": [28, 40, 53, 115], "e": [10, 13, 18, 26, 28, 36, 54, 57, 60, 63, 72, 88, 104, 110, 114, 118, 121, 123, 126, 130], "e0": 104, "e_": [110, 123], "each": [10, 13, 15, 17, 19, 24, 25, 30, 38, 53, 83, 85, 86, 87, 88, 90, 92, 93, 95, 104, 109, 113, 115, 123, 124, 130], "earli": [19, 20, 25, 113], "earlier": 130, "early_stopping_kei": 108, "easi": [13, 15, 19, 25, 109, 117, 125], "easier": 125, "easili": [113, 118], "edit": 121, "effect": [20, 28, 30, 119, 131], "effici": [123, 127], "eg": 93, "either": [61, 105, 115, 119], "elaps": [0, 1, 10], "elem": 80, "element": [66, 77, 113, 123, 126], "element_typ": 66, "elementwise_compare_reduc": [0, 28, 36, 37], "els": 72, "elsewis": 104, "emax_criteria": [0, 96, 97], "emb": 115, "empti": [21, 28, 30], "empty_tensor": [59, 65, 66], "en_data": 95, "en_per_atom": 129, "en_unit": [60, 63, 66, 107], "enc": [115, 125], "encod": [28, 40, 48, 52, 53, 55, 80, 95, 104], "encount": 21, "end": [13, 19, 21, 25, 28, 60, 61, 113], "endors": 122, "energi": [28, 40, 47, 54, 55, 56, 60, 61, 62, 63, 66, 72, 73, 74, 78, 88, 90, 95, 96, 97, 104, 107, 110, 113, 114, 117, 119, 122, 125, 127, 129], "energy1": 78, "energy2": 78, "energy_1": 54, "energy_2": 54, "energy_convers": 54, "energy_conversion_factor": 88, "energy_ma": 110, "energy_modul": 104, "energy_nam": 104, "energy_nod": [66, 107, 114], "energy_on": [59, 67, 74], "energy_per_atom": 61, "energy_term": 125, "energy_unit": 66, "enforc": [44, 79, 80, 90, 110], "enjoi": 120, "enough": 104, "enperatom": 129, "ensembl": [0, 28, 106, 112], "ensemble_": [28, 29], "ensemble_graph": 109, "ensemble_info": 109, "ensemble_input": 29, "ensemble_output": 29, "ensembletarget": [0, 28, 29, 40, 51, 76, 77], "ensembling_model": 109, "ensur": [44, 62, 79, 88, 125, 129], "enter": 105, "entir": [7, 104, 117, 124, 129, 130], "entri": [28, 30, 113, 127], "enum": [28, 36, 39], "enumer": [28, 36, 39], "env": 5, "env_cupi": [0, 1, 106], "env_impl": 10, "env_numba": [0, 1, 106], "env_pytorch": [0, 1, 106], "env_shap": 4, "env_triton": [0, 1, 106], "environ": [60, 118, 123, 130], "envops_test": [0, 1, 10], "envsum": [0, 1, 2, 3, 4, 5, 123], "envsum_impl": 2, "envsum_raw": 10, "eoch": 21, "epa": 129, "epoch": [19, 21, 23, 24, 25, 113, 119], "epoch_metric_valu": 24, "epoch_tim": 24, "equal": [93, 105, 129, 131], "equat": 54, "equival": [117, 129], "error": [28, 30, 36, 37, 38, 46, 48, 50, 77, 110, 113, 117, 118, 125, 131], "especi": [115, 123], "et": [21, 110], "etc": [13, 15, 58, 60, 61, 93, 126], "etol": 97, "ev": [61, 66, 93, 107], "eval": [13, 15, 24], "eval_batch_s": [0, 19, 21, 25, 106, 108], "eval_typ": [23, 101], "evalu": [0, 13, 15, 19, 20, 21, 22, 24, 25, 28, 30, 88, 93, 104, 106, 113, 115, 116, 118, 127, 129, 130], "evaluation_dict": 24, "evaluation_inputs_list": 30, "evaluation_loss": 23, "evaluation_loss_nam": 23, "evaluation_mod": [13, 15], "evaluation_outputs_list": 30, "evaluation_print": [0, 19, 24], "evaluation_print_bett": [0, 19, 24], "even": [44, 122], "evenli": 88, "event": 122, "everi": [19, 25, 28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95], "everyth": [113, 118], "evolv": 92, "ewaldrealspacescreen": [0, 76, 88], "examin": [113, 131], "exampl": [20, 24, 27, 95, 104, 107, 109, 110, 111, 113, 114, 115, 118, 119, 120, 124, 125, 126, 127, 129, 131], "except": [19, 25, 30, 44, 46, 62, 126], "excess": [13, 15], "excit": [0, 28, 40, 76, 106, 112], "excited_states_azomethan": 110, "exciton": 110, "exclus": [13, 15], "execut": [93, 101, 124, 125, 128, 130], "exemplari": 122, "exhibit": 115, "exist": [13, 14, 15, 17, 28, 48, 57, 60, 61, 105, 113, 125], "expand": [44, 53, 125], "expand0": [28, 40, 48, 53, 56, 59, 67, 73, 74], "expand1": [28, 40, 48, 53, 56], "expand2": [28, 40, 53], "expand3": [28, 40, 53], "expand_par": [40, 41, 44, 125], "expandpar": [40, 41, 44, 47, 48, 51, 52, 53, 54, 56, 66, 73, 74, 125], "expandparentmeta": [40, 41, 44], "expans": [28, 44, 47, 48, 52, 53, 54, 56, 128], "expansion0": [28, 40, 47, 48, 52, 54, 56, 125], "expansion1": [28, 40, 47, 48, 52, 54, 125], "expansion2": [28, 40, 52, 54, 125], "expansion3": [28, 40, 54], "expansion4": [28, 40, 54], "expect": [23, 37, 104], "expens": [20, 129], "experi": [0, 53, 106, 108, 113, 115, 116, 118, 126, 128], "experiment": [19, 25], "experiment_param": [19, 25, 108, 113, 118], "experiment_structur": [26, 70, 118], "explain": 128, "explan": 128, "explicitli": [1, 13, 17, 27, 59, 118, 129, 130], "expos": 7, "express": [110, 122], "extend": [120, 125], "extens": 27, "extern": 102, "externalneighbor": [76, 81, 85], "externalneighborindex": [28, 40, 53], "extra": [1, 28, 31, 77, 79, 110, 124], "extra_messag": 97, "extra_properti": [60, 63], "extra_repr": [0, 28, 31, 76, 77, 106], "extract_snap_fil": [0, 13, 14], "extxyz": [13, 60, 61], "f": [4, 13, 17, 36, 38, 93, 104], "f_": 123, "f_alpha": 97, "f_dec": 97, "f_inc": 97, "factor": [21, 60, 63], "factori": [36, 38], "fail": [13, 15, 20, 48, 62, 105, 117, 123], "fall": [19, 25], "fals": [1, 10, 13, 14, 15, 17, 19, 20, 21, 24, 25, 26, 28, 29, 30, 43, 47, 52, 56, 57, 60, 61, 68, 78, 90, 95, 97, 98, 99, 102, 104, 105, 113, 114, 116, 125, 130], "fanci": [19, 20], "far": [1, 21, 24, 118, 131], "fashion": 44, "fast": [10, 128], "fast_convert": [0, 1, 106], "faster": [1, 123], "fastest": [53, 83, 86, 87, 115], "fdir": 71, "feat_impl": 10, "feat_shap": 4, "featsum": [0, 1, 2, 5, 123], "featsum_impl": 2, "featsum_raw": 10, "featur": [5, 10, 19, 25, 48, 52, 54, 56, 77, 78, 79, 80, 85, 88, 90, 91, 95, 110, 112, 113, 120, 123, 125, 128, 131], "feature_s": [78, 90, 125], "fed": [28, 30, 85], "feel": 121, "few": 113, "fewer": 115, "field": [20, 24], "figur": [121, 127, 130], "file": [13, 14, 15, 17, 18, 19, 22, 25, 26, 27, 55, 60, 61, 105, 113, 118, 120, 121, 126, 130], "filenam": [13, 26, 60, 61, 105, 118], "filetyp": 130, "filter": [0, 28, 46, 48, 76, 81], "filter_arrai": [0, 13, 14], "filter_pair": [76, 81, 87], "filterbondsonewai": [0, 28, 40, 48, 76, 80], "filterdist": [76, 81, 84], "filterpairindex": 84, "final": [24, 44, 118, 125, 131], "find": [10, 22, 36, 37, 48, 52, 53, 60, 63, 81, 83, 85, 87, 113, 115, 120, 125], "find_rel": [0, 28, 40, 41, 44, 46, 106], "find_unique_rel": [0, 28, 40, 41, 44, 46, 106, 125], "finder": [83, 104], "finish": [28, 30], "fire": [0, 96, 97], "first": [10, 13, 15, 22, 52, 84, 88, 91, 95, 113, 115, 126], "first_is_interact": [47, 56, 78, 90, 125], "fit": [113, 122, 126], "fit_dtyp": 95, "fitsnap": 120, "flatatom": 80, "flatten": [80, 88], "flattened_forc": 97, "flexibl": [28, 92, 115, 125, 128], "float": [13, 15, 19, 25, 61, 66, 93, 104, 119, 130], "float16": 7, "float32": [7, 13, 66, 113], "float64": [7, 13, 88, 95, 107], "flow": 28, "flush": [0, 105, 106], "fly": [36, 38], "fmax": 97, "fmax_criteria": [0, 96, 97], "fn": [40, 41, 44, 77], "fn_name": 63, "fname": [13, 15, 26], "folder": [19, 25, 113], "follow": [19, 21, 25, 47, 48, 52, 53, 54, 56, 59, 108, 110, 118, 119, 122, 123, 125, 126, 129, 130], "foomodul": 125, "foonod": 125, "footprint": [123, 127], "forc": [13, 15, 49, 61, 66, 73, 93, 97, 98, 104, 105, 107, 112, 123, 127, 130], "force_db_nam": 93, "force_kei": 98, "force_nam": 104, "force_sign": 98, "force_threshold": 104, "forcenod": [28, 40, 49], "forg": 121, "form": [10, 19, 25, 44, 53, 79, 80, 93, 113, 122, 123, 124, 125, 127, 129], "formassert": [40, 41, 44], "formassertlength": [40, 41, 44], "format": [13, 14, 17, 28, 35, 57, 61, 73, 120, 126], "format_form_nam": [40, 41, 44], "former": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "formhandl": [40, 41, 44], "formtransform": [40, 41, 44], "formula": 97, "forward": [0, 28, 30, 31, 40, 50, 59, 65, 66, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 95, 106, 123], "found": [13, 14, 15, 17, 21, 28, 30, 36, 37, 39, 46, 60, 61, 79, 104, 110, 118, 123, 125, 129, 130], "four": 130, "frac": [110, 119], "fraction": [13, 14, 15, 17, 19, 21, 25, 60, 61, 113], "fraction_train_ev": [0, 19, 21, 25, 106, 108], "framework": 110, "free": [36, 38], "frequenc": 93, "fresh": [19, 25], "friction": 93, "frix": 93, "from": [10, 13, 14, 15, 17, 18, 19, 20, 25, 26, 28, 30, 36, 38, 43, 44, 47, 48, 52, 53, 54, 55, 56, 57, 60, 61, 62, 63, 66, 73, 74, 79, 80, 83, 85, 88, 90, 98, 104, 107, 108, 109, 110, 111, 113, 114, 115, 116, 117, 118, 119, 120, 122, 124, 125, 126, 128, 129, 131], "from_evalu": [0, 19, 24], "from_graph": [0, 28, 57, 106, 113, 117], "front": 128, "full": [26, 60, 63, 121, 125], "fuller": 119, "fulli": [44, 115, 125], "func": [8, 10, 42, 72, 73], "funcnam": 10, "function": [7, 8, 10, 13, 15, 17, 18, 19, 22, 26, 27, 28, 30, 31, 35, 36, 37, 38, 41, 44, 50, 58, 60, 61, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 95, 96, 97, 105, 109, 110, 112, 113, 123, 124, 125, 127, 130, 131], "further": [104, 113], "furthermor": 28, "futur": [10, 22, 30], "fuzzi": [48, 80], "fuzzyhistogram": [0, 76, 80], "fuzzyhistogramm": [28, 40, 48], "fysik": [13, 60, 61], "g": [28, 57, 88, 114, 118, 121, 126, 130], "garbag": [36, 38, 130], "gaussiansensitivitymodul": [0, 76, 79], "gen_par": [0, 59, 67], "gener": [13, 15, 23, 26, 28, 44, 53, 57, 87, 107, 115, 120, 123, 125, 127, 130], "generalized_coordin": 88, "generalized_coordinates_par": 54, "generate_database_info": [0, 19, 20], "geometri": 96, "geometryoptim": [0, 96, 97], "get": [10, 28, 30, 43, 44, 52, 53, 54, 60, 63, 72, 74, 89, 104, 113, 115, 118, 121, 124, 125], "get_charg": [0, 59, 60, 63], "get_connected_nod": [0, 28, 40, 41, 46, 106], "get_data": [0, 92, 93], "get_default_dtyp": 13, "get_devic": [0, 13, 15, 106], "get_dipol": [0, 59, 60, 63], "get_dipole_mo": [0, 59, 60, 63], "get_energi": [0, 59, 60, 63], "get_extra_st": [0, 76, 79], "get_file_dict": [0, 13, 17, 106], "get_forc": [0, 59, 60, 63], "get_free_energi": [0, 59, 60, 63], "get_graph": [0, 28, 29], "get_magmom": [0, 59, 60, 63], "get_main_output": [40, 41, 44, 125], "get_modul": [0, 28, 31, 106], "get_potential_energi": [0, 59, 60, 63], "get_properti": [0, 59, 60, 63], "get_reduced_index_st": [0, 28, 36, 37], "get_simulated_data": [0, 1, 10], "get_stat": [13, 14, 15, 17, 60, 61], "get_step_funct": [0, 19, 27], "get_stress": [0, 59, 60, 63], "get_subgraph": [0, 28, 30, 106], "git": 121, "github": [112, 120, 121], "give": [8, 28, 57, 119, 126], "given": [13, 15, 19, 21, 25, 26, 30, 36, 37, 44, 60, 63, 66, 87, 107, 125, 126], "glob": [28, 29, 109], "global": [36, 38, 130], "glue": [88, 113], "go": [19, 20, 25, 28, 30, 80, 113, 124, 125, 126, 130, 131], "good": [113, 118, 122, 123], "gop": [0, 28, 106], "govern": [21, 108, 122], "gpu": [1, 3, 19, 23, 25, 115, 118, 121, 123, 127, 130], "gracefulli": [19, 25], "grad": 111, "gradient": [0, 54, 76, 88, 98, 111], "gradientnod": [28, 40, 54, 111], "grant": 122, "graph": [0, 19, 20, 25, 60, 62, 63, 66, 85, 106, 109, 113, 117, 119, 121, 125, 128, 130, 131], "graphinconsist": [0, 28, 30], "graphmodul": [0, 19, 20, 22, 23, 26, 28, 29, 31, 57, 58, 60, 63, 98, 106, 113, 117, 124, 130], "graphviz": [58, 121], "great": 92, "greater": 115, "ground": 110, "group": 58, "guarante": 79, "guid": 120, "h0": 97, "h5": 121, "h5_pyanitool": [0, 13, 106], "h5path": [13, 15], "h5py": 121, "ha": [7, 21, 27, 30, 36, 37, 47, 48, 52, 53, 54, 56, 59, 60, 63, 66, 83, 85, 86, 87, 104, 107, 108, 110, 113, 115, 124, 130, 131], "hamiltonian": 74, "hamiltonian_on": [59, 67, 74], "handl": [26, 79, 115, 118, 128], "hard": [113, 131], "hard_cutoff": 79, "hard_dist_cutoff": [53, 83, 84, 85, 86, 87], "hard_max_dist": 79, "hartre": 66, "hat": 119, "hatomregressor": [28, 40, 47, 55, 56, 125], "have": [10, 19, 25, 28, 30, 36, 38, 44, 52, 53, 54, 72, 104, 109, 113, 115, 116, 117, 118, 119, 123, 124, 125, 126, 127, 130, 131], "hbondnod": [28, 40, 56], "hbondsymmetr": [0, 76, 90], "hcharg": [0, 76, 90, 131], "hchargenod": [28, 40, 56, 110, 131], "hcno": 95, "hdf5": 120, "heat": 73, "help": [19, 20, 105, 119, 124], "helper": 54, "henergi": [0, 76, 88, 90, 113, 114, 119, 125], "henergynod": [28, 40, 56, 104, 110, 113, 119, 125], "here": [10, 27, 38, 88, 110, 112, 113, 114, 118, 125, 127, 128], "hessian": 97, "hide": 28, "hier": 113, "hier_featur": 125, "hierarch": [113, 125], "hierarchc": 90, "hierarchical_energy_initi": [0, 104, 106, 113], "hierarchicalityplot": [0, 100, 102], "high": [13, 15, 25, 104, 120], "high_force_system": 104, "higher": 30, "highest": 72, "highli": [115, 125], "hip": [1, 52, 79, 93, 95, 123], "hiplay": [0, 76, 90, 106], "hipnn": [0, 10, 28, 40, 52, 62, 79, 80, 88, 93, 94, 106, 113, 115, 119, 131], "hipnn_model": [113, 119, 131], "hipnnquad": [0, 28, 40, 52, 94, 95], "hipnnvec": [0, 28, 40, 52, 94, 95], "hipppynn": 28, "hippynn": [107, 108, 109, 110, 112, 113, 114, 115, 116, 117, 118, 119, 121, 123, 125, 126, 128, 129], "hippynn_": 130, "hippynn_db_cach": [13, 15], "hippynn_default_plot_filetyp": 130, "hippynn_local_rc_fil": 130, "hippynncalcul": [0, 59, 60, 63, 107], "hippynnrc": 130, "hist1d": [0, 100, 102], "hist1dcomp": [0, 100, 102], "hist2d": [0, 100, 102, 116], "histogram": [48, 80], "hold": [13, 15, 36, 38, 93], "holder": 122, "home": 120, "homo": 72, "hook": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "hope": 120, "host": 22, "hot": [48, 52, 80, 95], "how": [10, 19, 21, 23, 25, 108, 112, 113, 115, 116, 118, 119, 120, 123, 124, 128], "howev": [20, 115, 122, 123, 125, 129, 131], "hpc": 118, "html": [13, 60, 61], "http": [13, 60, 61, 110, 121], "hyperparamet": [113, 114, 131], "i": [7, 10, 13, 15, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 30, 36, 37, 38, 44, 46, 47, 48, 52, 53, 54, 57, 59, 60, 61, 63, 72, 78, 79, 84, 85, 88, 91, 95, 101, 104, 105, 107, 108, 109, 110, 113, 115, 116, 117, 118, 119, 122, 123, 124, 125, 126, 127, 129, 130, 131], "iap": [66, 114], "iclr": 21, "idea": 118, "ideal": 61, "ident": 30, "identifi": [60, 63, 104], "identify_input": [0, 28, 29], "identify_target": [0, 28, 29], "idx": [0, 76, 77], "idx_atom_molatom": [28, 32, 33], "idx_molatom_atom": [28, 32, 33], "idx_molatomatom_pair": [28, 32, 34], "idx_pair_molatomatom": [28, 32, 34], "idx_quadtrimol": [28, 32, 35], "idxi": 74, "idxj": 74, "idxstat": 44, "idxt": 37, "idxtyp": [0, 28, 36, 37, 38, 39, 52, 53, 54, 106, 119, 124, 125], "ignor": [13, 15, 28, 30, 31, 50, 60, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "ij": 110, "ill": 126, "imag": [20, 87, 115], "implement": [1, 2, 3, 4, 5, 7, 10, 21, 27, 28, 31, 36, 37, 44, 53, 60, 63, 77, 79, 81, 83, 87, 93, 95, 118, 123, 124, 125, 127], "implementt": 2, "impli": 122, "implicitli": [28, 30, 47], "import": [59, 107, 108, 109, 113, 114, 115, 116, 118, 119, 125, 129, 131], "impos": 130, "improv": [21, 121], "in_featur": 79, "in_nod": 42, "inadvert": [13, 15], "incident": 122, "includ": [13, 28, 30, 38, 57, 60, 61, 79, 95, 113, 114, 115, 118, 120, 122, 127], "inclus": 124, "incompat": [28, 30], "incompatible_kei": 79, "incorpor": 131, "increas": [20, 21, 53, 83, 86, 87, 115], "incur": 20, "independ": [115, 127], "index": [0, 13, 15, 24, 28, 30, 32, 33, 34, 36, 37, 38, 39, 40, 44, 45, 49, 52, 53, 54, 57, 76, 77, 81, 88, 90, 106, 115, 120, 124, 125, 126], "index_nam": [13, 15], "index_pool": 15, "index_st": [43, 45, 49, 74, 119], "index_transform": 124, "index_type_coercion": [0, 28, 36, 37, 125], "indexed_featur": 52, "indexformtransform": [40, 41, 44], "indexnod": [40, 41, 45], "indextransform": [0, 28, 38, 106], "indextyp": [0, 28, 106, 127], "indic": [13, 15, 19, 25, 28, 40, 49, 53, 83, 86, 87, 115, 130], "indirect": 122, "individu": [28, 57, 58, 113], "infer": [28, 29], "info": [19, 20, 24, 130], "inform": [25, 26, 28, 29, 31, 36, 37, 43, 48, 49, 53, 55, 77, 107, 113, 115, 118, 120, 125, 127, 130], "inherit": 55, "inital_magmom": 61, "initi": [13, 14, 15, 17, 60, 61, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90, 104, 131], "initial_charg": 61, "initialize_buff": [76, 81, 86], "inner": 123, "input": [0, 13, 14, 15, 17, 19, 20, 28, 29, 30, 31, 36, 37, 38, 40, 42, 43, 45, 46, 50, 57, 60, 61, 66, 77, 79, 91, 93, 95, 97, 106, 109, 110, 113, 114, 115, 117, 119, 123, 125, 126, 131], "input_class": 29, "input_i": 37, "input_idxst": [36, 38], "input_tensor": 77, "input_type_str": [28, 40, 41, 43, 49, 59, 67, 74], "input_valu": [28, 31], "inputcharg": [28, 40, 49], "inputnod": [29, 40, 41, 43, 49, 74, 119], "inputs_list": [28, 30], "insert": [28, 30], "insid": 130, "instal": [120, 123, 126, 130], "instanc": [21, 24, 28, 31, 50, 57, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 125], "instanti": [19, 25], "instead": [13, 15, 28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 97, 110], "instruct": 113, "int": [13, 14, 15, 17, 19, 23, 25, 26, 28, 29, 54, 60, 61, 88, 93, 95, 99, 104], "int16": 7, "int32": 7, "int64": 7, "int8": 7, "int_lay": 102, "integ": [24, 61], "integr": 127, "intend": 44, "intens": [60, 63], "interact": [1, 79, 80, 88, 95, 104, 113, 115, 123, 131], "interaction_lay": [0, 94, 95], "interactionplot": [0, 100, 102], "interactlay": [0, 76, 79], "interactlayerquad": [0, 76, 79], "interactlayervec": [0, 76, 79], "interatom": 114, "interfac": [0, 28, 57, 106, 107, 112, 115, 120, 121, 126, 128, 130], "interfacedb": 104, "intern": [13, 15, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90, 95, 99, 110], "interrupt": [19, 25, 122], "intput_info": [28, 29], "intrins": 131, "inv_cel": 83, "inv_real_atom": [82, 83, 85, 86, 87], "inv_real_index": 80, "invers": [80, 95, 97], "inverse_real_atom": 66, "inversesensitivitymodul": [0, 76, 79, 90], "invert": 42, "invnod": [40, 41, 42], "invok": [36, 38, 125], "involv": [20, 28, 30, 118, 131], "io": [13, 60, 61], "irrelev": 113, "irrevoc": 122, "is_equal_state_dict": [0, 105, 106], "is_scheduler_lik": [0, 19, 21], "isinst": [28, 46], "isiter": [0, 105, 106], "isn": 18, "issu": 123, "item": [13, 15, 77, 104], "iter": [19, 25, 28, 30, 46, 58, 80, 105, 115], "its": [79, 93, 104, 118, 122], "itself": [19, 25, 97, 98, 105, 117, 122, 124, 125, 126], "j": [10, 47, 88, 110, 123, 126], "j_list": 82, "jlist": 85, "job": 118, "jpg": 130, "json": [13, 60, 61, 120, 126], "just": [13, 15, 26, 28, 30, 36, 37, 72, 110, 112, 117, 131], "k": [54, 104], "kcal": [60, 63, 93, 107], "kd": [53, 83], "kdtreeneighbor": [76, 81, 83], "kdtreepair": [28, 40, 53, 83, 115], "kdtreepairsmemori": [28, 40, 53, 76, 81, 83, 115], "keep": [24, 28, 93, 123], "keep_splits_same_s": [13, 15], "kei": [12, 13, 14, 15, 17, 24, 60, 61, 93, 98, 104, 113, 117, 125], "kernel": [1, 3, 128, 130], "kernel_dtyp": 4, "keyboard": [19, 25], "keyboardinterrupt": [19, 25], "keyword": [47, 110, 117, 118, 125], "kill": [19, 25], "kind": [55, 104], "know": [10, 19, 20], "kokko": 130, "kqq": 54, "kwarg": [13, 14, 17, 18, 21, 26, 28, 42, 44, 45, 47, 48, 50, 51, 52, 53, 54, 56, 57, 60, 61, 63, 64, 66, 71, 73, 74, 77, 80, 82, 85, 86, 87, 88, 95, 102, 104, 105, 117, 125], "l": [21, 52, 95, 119], "l1_loss": [50, 77], "l1loss": 77, "l1reg": [28, 40, 50], "l2": 89, "l2reg": [28, 40, 50], "label": 118, "laboratori": 122, "lambdamodul": [0, 42, 47, 50, 76, 77], "lammp": [65, 66, 112, 120, 121, 130], "lammps_interfac": [0, 59, 106], "langevin": 93, "langevindynam": [0, 92, 93], "lanl": [96, 121, 122], "laptop": 113, "larg": [19, 20, 23, 104, 115, 123, 131], "larger": [94, 115, 129], "largest": 104, "last": [21, 53, 83, 86, 87, 95, 113], "last_best": 21, "later": [118, 130], "latter": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "launch": [1, 123], "launch_bound": [0, 1, 4, 8], "layer": [0, 47, 95, 104, 106, 113, 123, 125, 128], "lbfg": 27, "lead": [28, 57, 131], "leak": [28, 57], "learn": [19, 21, 25, 110, 113, 120], "learnabl": [19, 25], "learning_r": [0, 19, 25, 106, 113], "least": 104, "leav": 130, "left": [28, 30, 42], "length": [44, 48, 80, 105, 115, 118], "less": [1, 110, 113, 115, 123], "let": [113, 116, 117, 119, 125], "level": [25, 28, 30, 36, 56, 90, 125, 128], "li": 110, "li2023": 110, "liabil": 122, "liabl": 122, "librari": [105, 114, 120, 123, 125, 127, 128], "licens": 120, "like": [13, 14, 15, 17, 19, 20, 25, 36, 37, 60, 61, 73, 85, 110, 113, 115, 116, 117, 118, 119, 121, 127, 131], "likelihood": [19, 20], "limit": [115, 122, 130], "line": [27, 28, 31, 77, 128], "linear": 127, "link": [19, 21, 25, 28, 30, 31, 58, 123, 124, 127], "list": [13, 14, 15, 17, 19, 20, 21, 22, 24, 25, 28, 29, 30, 46, 48, 57, 58, 60, 61, 63, 66, 78, 84, 85, 90, 91, 93, 95, 99, 109, 113, 114, 118, 122, 124, 125], "list_of_input_nod": 117, "list_of_output_nod": 117, "listmod": [0, 76, 77], "listnod": [28, 40, 51], "littl": [13, 14, 15, 17, 60, 61], "live": 38, "ll": [18, 113, 115, 117], "llc": 122, "lmp": 114, "lo": 122, "load": [13, 14, 15, 17, 18, 19, 25, 26, 60, 61, 79, 113, 114, 118, 120, 121, 126], "load_arrai": [0, 13, 14, 17, 59, 60, 61, 106], "load_checkpoint": [0, 19, 26, 118], "load_checkpoint_from_cwd": [0, 19, 26, 114, 118], "load_model_from_cwd": [0, 19, 26, 118], "load_saved_tensor": [0, 19, 26], "load_state_dict": [0, 19, 21, 79], "load_unifi": 114, "loader": [13, 17, 23], "local": [47, 54, 56, 88, 90, 113, 125, 131], "localatomenergynod": [59, 65, 66], "localatomsenergi": [59, 65, 66], "localchargeenergi": [0, 28, 40, 56, 76, 90], "localdampingcosin": [0, 76, 88], "localenergi": [0, 76, 78], "localenergynod": [28, 40, 47], "locat": [113, 120, 130], "log": [0, 96, 97, 113], "log_termin": [0, 105, 106, 113], "logfil": 97, "logic": [38, 127], "long": [88, 115, 129], "longer": 118, "look": [13, 14, 15, 17, 28, 30, 36, 37, 46, 60, 61, 110, 113, 116, 125, 129], "loop": [19, 25], "loss": [0, 19, 20, 22, 23, 25, 26, 27, 28, 36, 37, 40, 43, 110, 111, 112, 113, 118, 122, 127, 128, 130, 131], "loss_dict": 23, "loss_error": 113, "loss_func": [0, 76, 77], "loss_nod": [19, 20], "lossinputnod": [40, 41, 43], "lossnod": [19, 20], "lossprednod": [40, 41, 43], "losstruenod": [40, 41, 43], "lot": 113, "low": [104, 130], "low_distance_system": 104, "lower": 24, "lowest": 72, "lpreg": [0, 28, 40, 50, 76, 89], "lr": [19, 25, 108], "lr_schedul": [19, 25], "lumo": 72, "machin": [110, 120], "machineri": 42, "made": 129, "mae": [110, 111, 113, 119], "mae_energi": [113, 119, 129], "mae_per_atom": 129, "maeloss": [28, 40, 50, 110, 113, 119, 129], "maephaseloss": [28, 40, 47, 110], "magnet": 61, "magnitud": 104, "mai": [10, 19, 21, 22, 25, 28, 30, 36, 38, 57, 79, 114, 118, 119, 121, 122, 123, 125, 126, 129, 131], "main": [0, 1, 10, 27, 44, 52, 53, 54, 95, 113, 120, 125], "main_output": [36, 37, 40, 41, 43, 44, 45, 52, 53, 54], "mainoutputtransform": [40, 41, 44], "maintain": 97, "make": [13, 14, 15, 17, 19, 23, 25, 28, 30, 31, 57, 58, 60, 61, 93, 109, 111, 113, 116, 117, 120, 125, 129, 131], "make_automatic_split": [0, 13, 15, 106], "make_database_cach": [0, 13, 15, 106], "make_dens": 20, "make_ensembl": [0, 28, 29, 106, 109], "make_ensemble_graph": [0, 28, 29], "make_ensemble_info": [0, 28, 29], "make_explicit_split": [0, 13, 15, 106], "make_explicit_split_bool": [0, 13, 15, 106], "make_full_loc": [0, 100, 101], "make_gener": [0, 13, 15, 106], "make_kernel": [0, 1, 4, 8], "make_plot": [0, 100, 101, 102], "make_random_split": [0, 13, 15, 106], "make_restart": [0, 13, 18], "make_trainvalidtest_split": [0, 13, 15, 106], "maker": [19, 20, 23, 101, 116], "manag": [19, 21, 25, 44, 105], "mandatori": [19, 25], "mani": [21, 28, 57, 113, 115, 120], "manipul": [53, 81], "manner": 131, "manual": [18, 19, 25, 129], "map": [13, 14, 15, 17, 23, 26, 60, 61, 80, 104, 113, 118], "map_devic": 118, "map_loc": [26, 114, 118], "mark": [13, 15], "mask": [13, 14, 15, 17, 60, 61, 74, 99, 112], "maskd": 74, "mass": 93, "massiv": 126, "match": [30, 36, 37, 40, 41, 44, 47, 48, 52, 53, 54, 56, 125], "matched_idx_coercion": [40, 41, 44], "matchlen": [40, 41, 44, 125], "materi": [110, 122], "mathemat": [119, 127], "mathrm": 123, "matplotlib": [121, 127, 130], "matrix": 126, "matter": [10, 50, 118], "max_batch_s": [21, 108], "max_dist_soft": 79, "max_epoch": [0, 19, 21, 25, 106, 108, 113], "max_forc": 104, "max_force_train": 104, "max_step": 97, "maxd_soft": 79, "maximum": [13, 15, 19, 21, 25, 78, 79, 80, 88, 104, 113], "maxstep": 97, "md": [0, 92, 106, 115], "mean": [28, 30, 36, 40, 50, 77, 93, 109, 113, 129, 130, 131], "mean_elaps": [0, 1, 10], "mean_sq": [28, 40, 50], "meansq": [28, 40, 50], "meant": 18, "measur": [19, 25, 77, 118], "median_elaps": [0, 1, 10], "member": 109, "memori": [1, 20, 23, 28, 40, 53, 57, 83, 87, 93, 117, 123, 127, 130], "mention": 118, "merchant": 122, "merg": 30, "merge_children": [0, 28, 30], "merge_children_recurs": [0, 28, 30], "messag": [28, 46, 117, 123], "met": 122, "meta": 21, "metadata": [124, 127], "method": [13, 14, 15, 17, 21, 28, 31, 48, 57, 60, 61, 72, 73, 77, 80, 88, 113, 115, 125, 129], "metric": [19, 21, 23, 24, 25, 26, 113, 118, 119, 127, 129], "metric_data": 103, "metric_info": 24, "metric_list": 103, "metric_nam": [24, 103], "metric_track": [0, 19, 25, 26, 68, 106], "metrictrack": [0, 19, 24, 25, 26], "microsecond": 8, "midpoint": 95, "might": 111, "mimic": 119, "min_dist": 104, "min_dist_info": [76, 81, 82], "min_dist_soft": 79, "min_dists_train": 104, "min_soft_dist": 79, "mind_soft": 79, "mindistmodul": [76, 81, 82], "mindistnod": [28, 40, 53], "minim": [27, 38, 68, 112, 127], "minimum": [13, 15, 79, 104, 110, 121], "misc": [0, 28, 40, 105], "misconfigur": 123, "mitig": 115, "mix": [115, 125], "mixin": 125, "mixtur": 123, "mkdir": 113, "ml": [59, 66, 114], "mliap": [66, 114], "mliap_interfac": [0, 59, 65], "mliap_unified_hippynn_": 114, "mliap_unified_hippynn_al_multilay": 114, "mliap_unified_lj": 114, "mliapdata": 66, "mliapinterfac": [59, 65, 66, 114], "mliappi": 114, "mliapunifi": 66, "mliapunifiedlj": 114, "mlseqm": [0, 59, 67], "mlseqm_nod": [59, 67, 71], "mndo": 72, "mode": [13, 15], "model": [0, 13, 15, 19, 20, 22, 23, 24, 25, 26, 27, 28, 29, 43, 57, 59, 60, 62, 63, 66, 76, 86, 92, 93, 94, 95, 98, 104, 107, 108, 110, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 123, 125, 128, 131], "model_devic": [0, 26, 28, 57, 66, 106, 114, 118], "model_evalu": [19, 25], "model_fil": 70, "model_form": 109, "model_input_map": [0, 92, 93], "model_output": [93, 101], "modif": 122, "modifi": [21, 28, 30, 36, 38, 108, 125, 131], "modul": [0, 1, 13, 19, 28, 32, 36, 40, 41, 59, 60, 65, 67, 75, 76, 81, 92, 94, 96, 100, 106, 113, 115, 118, 120, 124, 125, 127, 130], "modular": [120, 128], "module_kwarg": [47, 52, 53, 54, 56, 64, 75, 110, 113, 115, 119, 125, 131], "mol": [60, 63, 80, 107], "mol_en": 117, "mol_energi": [110, 125], "mol_hier": 125, "mol_index": [48, 54, 78, 80, 82, 83, 85, 88, 90, 125], "mol_mask": 72, "molatom": [0, 28, 36, 39, 48, 53, 106, 119], "molatom_th": 80, "molatomatom": [0, 28, 36, 39, 53, 106], "molatomatom_th": 85, "molecul": [0, 10, 28, 36, 39, 73, 78, 80, 88, 90, 106, 117, 119, 124, 125], "molecular": [61, 88, 90, 92, 107, 110], "molecular_dynam": [0, 106], "molecular_energi": 88, "molecular_energies_par": 54, "moleculardynam": [0, 92, 93], "molecule_energi": [113, 116, 117, 129], "molecule_index": 85, "molpairsumm": [76, 81, 85], "molsiz": 74, "molsumm": [0, 76, 80], "moment": [61, 127], "moor": 97, "more": [26, 28, 30, 36, 37, 44, 46, 53, 83, 86, 87, 108, 110, 113, 115, 118, 120, 123, 124, 125, 127, 129, 130], "morrison": 97, "most": [123, 127, 131], "move": [13, 15, 28, 53, 57, 83, 86, 87, 93, 115, 118], "mse": [110, 111, 113, 119], "mse_energi": [113, 119], "mse_loss": [50, 77], "mseloss": [28, 40, 50, 77, 113, 119], "msephaseloss": [28, 40, 47, 110], "mtime": 61, "mu": [13, 15], "much": [23, 66, 118, 123, 131], "mul": 42, "mulnod": [40, 41, 42], "multi": [28, 31, 40, 41, 66, 77, 110], "multigradi": [0, 76, 88], "multigradientnod": [28, 40, 54], "multinod": [36, 37, 40, 41, 44, 45, 47, 48, 51, 52, 53, 54, 56, 58, 66, 71, 73, 74, 113, 124, 128], "multipl": [19, 25, 36, 37, 42, 62, 120, 125, 126, 131], "multipli": [47, 66], "must": [13, 17, 36, 38, 53, 59, 83, 86, 87, 95, 107, 114, 115, 118, 122, 125, 130], "mutual": [36, 37], "my_first_hippynn_model": 113, "n": [104, 119], "n_": 123, "n_atom": [10, 48, 85, 110, 126], "n_atom_lay": [95, 113], "n_atoms_max": [14, 78, 80, 82, 83, 85, 126], "n_column": 24, "n_comment": 14, "n_dist": [79, 90], "n_dist_bar": 79, "n_featur": [10, 95, 113], "n_features_encod": 95, "n_grad": 10, "n_imag": [20, 85, 87, 115], "n_input_featur": 95, "n_interaction_lay": [95, 113], "n_larg": 10, "n_min": 97, "n_mol": 48, "n_molecul": [10, 54, 78, 80, 82, 83, 85, 88, 90, 110, 125], "n_neigh_max": 85, "n_nu": 10, "n_r": 102, "n_repetit": 10, "n_sensit": [95, 113], "n_small": 10, "n_state": 110, "n_step": 93, "n_system": 126, "n_target": [78, 90, 110], "n_worker": 115, "nac": 78, "nacr": [0, 47, 76, 78, 110], "nacr_ma": 110, "nacrmultist": [0, 76, 78], "nacrmultistatenod": [28, 40, 47, 110], "nacrnod": [28, 40, 47], "name": [10, 13, 15, 17, 19, 20, 21, 23, 24, 25, 26, 28, 30, 31, 42, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 60, 61, 63, 64, 66, 69, 71, 73, 74, 75, 93, 104, 109, 110, 113, 117, 119, 122, 125, 126, 129], "name_or_dbnam": 30, "namedtensordataset": [0, 13, 15], "nation": 122, "nativ": [42, 127], "natur": 131, "navig": 121, "ndescriptor": 66, "nearest": 115, "necessari": [20, 22, 44], "necessit": 10, "need": [13, 14, 15, 17, 18, 19, 20, 22, 28, 31, 36, 37, 44, 48, 50, 53, 60, 61, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95, 113, 115, 118, 121, 125, 131], "needed_index_st": 44, "neg": 42, "neglig": 122, "negnod": [40, 41, 42], "neigh_list": 53, "neighbor": [60, 63, 85, 104, 115, 123], "neighbor_list_kdtre": [76, 81, 83], "neighbor_list_np": [76, 81, 83], "neighborlist": 88, "neither": 122, "net": [47, 56, 125], "netnam": 113, "network": [0, 20, 23, 28, 31, 40, 47, 50, 55, 56, 73, 74, 75, 89, 104, 106, 110, 113, 115, 119, 123, 125, 128, 131], "network_output": 20, "network_param": [113, 115, 119, 131], "neural": [28, 31, 52, 113, 123], "neuron": 113, "never": 10, "new": [13, 15, 19, 20, 25, 28, 30, 36, 38, 44, 53, 57, 83, 86, 87, 105, 115, 120, 124, 125, 131], "new_best": [19, 25], "new_nod": [28, 30], "new_requir": [28, 30], "new_subgraph": [28, 30], "newtonraphson": [0, 96, 97], "next": [28, 30, 113], "nf_in": [79, 91], "nf_middl": 91, "nf_out": [79, 91], "nheavi": 74, "nhydro": 74, "ni": 74, "nj": 74, "nlocal": 66, "nm": 66, "nn": [1, 20, 22, 52, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90, 93, 95, 123, 124, 127], "nocc": 72, "noccmo": 74, "noccvirt": [72, 73], "node": [0, 19, 20, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 57, 58, 60, 62, 63, 66, 73, 83, 88, 98, 104, 106, 107, 109, 110, 111, 113, 114, 115, 116, 117, 126, 127, 128, 129, 131], "node_from_nam": [0, 28, 31, 106, 107, 114], "node_funct": [28, 40, 41], "node_iter": 58, "node_or_nod": [28, 46], "node_self": 44, "node_set": [28, 30, 46, 58], "node_valu": [28, 57], "nodeambiguityerror": [28, 30, 40, 41, 46], "nodenotfound": [40, 41, 46], "nodenotfounderror": [28, 30, 46], "nodeoperationerror": [30, 40, 41, 46], "nodes_required_for_loss": 20, "nodes_to_comput": [28, 31], "nodes_to_reduc": [36, 37], "non": [2, 8, 10, 42, 47, 104, 112, 113], "nonblank": [75, 80, 83, 86, 87], "none": [1, 10, 13, 14, 15, 17, 19, 20, 21, 23, 24, 25, 26, 28, 30, 38, 43, 44, 45, 47, 48, 49, 52, 53, 54, 56, 57, 58, 60, 61, 63, 64, 66, 72, 73, 74, 75, 77, 79, 83, 86, 87, 88, 93, 95, 97, 98, 101, 102, 104, 105, 115, 118, 125, 130], "nonetheless": 123, "nonexclus": 122, "nonlinear": 91, "nonsymmetr": 10, "nor": 122, "norb": 72, "norestart": [0, 13, 18], "norm": [0, 13, 15, 100, 102], "norm_axi": [13, 15], "norm_per_atom": [13, 15], "normal": [13, 15, 54, 88, 119], "notconverg": [72, 74], "notconvergednod": [59, 67, 74], "note": [7, 10, 20, 23, 28, 53, 57, 75, 79, 80, 88, 95, 107, 110, 113, 114, 125, 126, 130], "notfound": [0, 28, 36, 39, 106], "noth": [13, 14, 15, 17, 28, 57, 60, 61], "notic": [115, 119, 122], "notimpl": [27, 55], "now": [75, 113], "np": [13, 15], "np_of_torchdefaultdtyp": [0, 105, 106], "npneighbor": [76, 81, 83], "npy": [13, 17], "npz": [13, 15, 17], "npzdatabas": [0, 13, 17, 106], "npzdictionari": [13, 15], "nu": 123, "nu_": 123, "nuclear": 122, "nullupdat": [0, 92, 93], "num_orb": [59, 67, 72], "num_work": [13, 14, 15, 17, 20, 60, 61], "numba": [1, 4, 7, 8, 121, 123, 127, 130], "numbacompatibletensorfunct": [0, 1, 4, 8], "number": [10, 13, 15, 19, 20, 21, 24, 25, 44, 47, 48, 52, 53, 54, 61, 66, 72, 78, 79, 83, 86, 87, 88, 90, 93, 95, 97, 98, 99, 110, 113, 115, 123, 124, 125], "numbers_pad": 99, "numer": [115, 131], "numpi": [8, 13, 14, 15, 17, 60, 61, 104, 120, 121, 126], "numpydynamicpair": [28, 40, 53], "nvirt": 72, "o": [113, 123], "obei": [28, 46], "obj": [42, 72, 105], "object": [3, 8, 10, 13, 15, 18, 19, 21, 23, 24, 25, 26, 27, 28, 44, 53, 55, 57, 63, 66, 72, 73, 79, 93, 97, 98, 101, 102, 104, 105, 107, 108, 109, 114, 115, 117, 118, 125, 128], "observ": 24, "obtain": 113, "occupi": [10, 72], "of_nod": [28, 40, 50, 110, 113, 119, 129], "off": [1, 118, 123], "offset_index": 85, "often": [23, 53, 110, 117, 131], "okai": 105, "old": [28, 30, 36, 38], "old_nod": [28, 30], "onc": 44, "ondisk": [0, 13, 106], "one": [19, 22, 25, 28, 30, 31, 36, 37, 38, 46, 48, 50, 52, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 95, 104, 105, 107, 110, 115, 119, 123, 124, 125, 126, 129, 131], "one_hot": [53, 82], "onehotencod": [28, 40, 48, 53], "onehotspeci": [0, 76, 80], "ones": [10, 21, 80], "onli": [1, 13, 15, 18, 19, 20, 25, 26, 27, 44, 75, 79, 80, 95, 105, 113, 115, 118, 119, 121, 123, 125], "op": [36, 37], "open": [0, 13, 15, 53, 75, 76, 81, 104, 105, 115, 122, 126], "openpairindex": [28, 40, 53, 76, 81, 86], "oper": [1, 4, 5, 28, 30, 36, 37, 42, 57, 66, 77, 88, 115, 122, 123, 125, 128, 131], "operatino": 129, "optim": [0, 19, 21, 22, 25, 27, 105, 106, 108, 113, 118], "optimist": 123, "option": [13, 15, 19, 20, 23, 25, 26, 28, 44, 47, 48, 57, 60, 63, 93, 114, 118, 121], "optional_depend": 121, "orbit": [72, 73], "orbital_mask": 72, "orbtial": 72, "order": [8, 18, 28, 30, 56, 114, 125, 127, 129, 130, 131], "org": 110, "organ": [13, 44, 105], "origin": [78, 95, 118], "origin_nod": 43, "orthorhomb": [53, 83, 115], "ot": 98, "other": [12, 13, 15, 17, 19, 21, 24, 25, 38, 50, 59, 60, 61, 79, 91, 95, 97, 105, 107, 111, 113, 115, 118, 119, 120, 122, 123, 125, 129, 130, 131], "other_metric_valu": 24, "other_par": 52, "other_shap": 4, "otherwis": [13, 15, 18, 51, 53, 83, 86, 87, 88, 122], "our": 113, "ourselv": 113, "out": [28, 30, 104, 121, 122], "out_dict": [28, 57], "out_shap": [0, 1, 4, 8], "outer": 123, "outlier": [13, 15], "outlin": 21, "outout": [28, 31], "output": [0, 10, 13, 14, 15, 17, 19, 20, 27, 28, 30, 36, 37, 38, 44, 45, 52, 53, 54, 57, 58, 60, 61, 63, 66, 79, 91, 93, 101, 106, 107, 110, 113, 115, 117, 124, 125, 129, 131], "output_class": 29, "output_i": 37, "output_idxst": [36, 38], "output_index_st": [36, 37], "output_info": [28, 29], "outputs_list": [28, 30], "outsid": 108, "over": [10, 19, 20, 23, 24, 25, 56, 80, 90, 93, 104, 110, 113, 119, 123, 125], "over_tim": 103, "overhead": [1, 8, 123], "overridden": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "override_kwarg": [13, 15], "overwrit": [13, 15, 130], "overwritten": [19, 20], "own": [28, 31, 77, 125], "p": [50, 89, 123], "p0": 74, "p_i": 123, "p_j": 123, "p_valu": [0, 76, 88], "pack": [35, 80], "pack_par": [59, 67, 72], "packag": [38, 106, 123], "packed_quadrupol": 80, "pad": [10, 13, 15, 28, 36, 37, 48, 53, 57, 80, 85, 125], "pad_idx": [48, 53], "pad_np_array_to_length_with_zero": [0, 105, 106], "padded_neighlist": [76, 81, 85], "paddedneighbornod": [28, 40, 53], "paddedneighmodul": [76, 81, 85], "padder": 48, "padding_index": 52, "padding_numb": [98, 99], "paddingindex": [0, 28, 40, 48, 53, 54, 76, 80], "padidx": 115, "page": [120, 127], "paid": 122, "pair": [0, 10, 20, 28, 30, 32, 36, 39, 40, 47, 48, 56, 76, 80, 88, 104, 106, 123, 124, 126], "pair_coeff": 114, "pair_coord": [85, 95], "pair_dist": [82, 84, 88, 90, 95], "pair_featur": 53, "pair_find": [52, 53], "pair_finder_class": 104, "pair_first": [5, 10, 79, 80, 82, 85, 88, 90, 95], "pair_idx": [53, 54], "pair_index": 53, "pair_list": 84, "pair_molid": 74, "pair_second": [5, 10, 79, 80, 82, 85, 88, 90, 95], "pair_styl": 114, "pair_tensor": 84, "paircach": [28, 40, 49, 53, 55, 76, 81, 85], "pairdeindex": [28, 40, 53, 76, 81, 85], "pairfeatur": 85, "pairfilt": [28, 40, 53, 62], "pairfind": [0, 52, 54, 56, 59, 60, 115], "pairindex": [20, 28, 40, 52, 53, 54, 55, 62, 84], "pairindic": [28, 40, 49], "pairmemori": [76, 81, 83, 86, 87], "pairreindex": [28, 40, 53, 76, 81, 85], "pairuncach": [28, 40, 53, 76, 81, 85], "paper": [21, 95, 110], "par_atom": [72, 74], "par_atom_node_nam": 70, "par_bond": 72, "param": [13, 15, 19, 20, 23, 25, 44, 75, 80, 88, 90, 105], "param_print": [0, 105, 106], "paramet": [1, 2, 13, 14, 15, 17, 19, 20, 21, 22, 23, 24, 25, 26, 28, 29, 30, 31, 36, 37, 38, 42, 43, 44, 45, 46, 47, 48, 49, 50, 54, 57, 58, 60, 61, 63, 66, 74, 78, 79, 80, 84, 88, 89, 90, 91, 93, 95, 98, 104, 105, 107, 108, 113, 115, 118, 130, 131], "parent": [28, 30, 36, 38, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 56, 64, 66, 71, 73, 74, 75, 93, 102, 124, 128], "parentexpand": [40, 41, 44, 125], "pari": 78, "parsabl": [13, 60, 61], "parse_arg": [0, 1, 10], "part": [105, 125, 131], "partial": [28, 30, 110], "particl": [53, 83, 86, 87, 93], "particular": [27, 120, 122, 123], "partit": 88, "pass": [13, 14, 15, 17, 19, 21, 25, 28, 31, 47, 50, 52, 57, 60, 61, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 107, 113, 114, 116, 118, 123, 125], "pass_to_pytorch": [59, 60, 63], "path": [13, 15, 17, 60, 61, 98, 113], "patienc": [21, 26, 108], "patiencecontrol": [0, 19, 21, 26, 108], "pbc": [61, 115], "pbchandl": [59, 60, 63], "pdf": 130, "pdindex": [47, 54, 125], "pdxer": [54, 125], "peak": 113, "penros": 97, "per": [10, 13, 15, 61, 88, 95, 105, 110, 129], "per_atom": [13, 15], "peratom": [0, 28, 40, 54, 76, 88, 95, 104, 129], "peratompredict": 129, "peratomtru": 129, "perform": [10, 13, 15, 18, 19, 22, 23, 25, 28, 30, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95, 104, 107, 108, 114, 118, 120, 121, 122, 125], "perhap": 129, "period": [0, 52, 53, 61, 76, 81, 83, 104, 112, 126, 127], "periodicpairindex": [28, 40, 53, 76, 81, 87, 115], "periodicpairindexermemori": [28, 40, 53, 76, 81, 87, 115], "periodicpairoutput": [28, 40, 53], "perman": 110, "permiss": 122, "permit": 122, "perspect": 125, "pf": 4, "pfirst_shap": 4, "phase": [19, 25, 50, 110], "philosophi": 131, "physic": [0, 28, 40, 76, 78, 106, 110, 111, 113, 118, 119, 127, 129], "pi": 88, "pickl": [79, 114, 126], "picklabl": 79, "pidxer": [48, 52, 54, 125], "piec": [76, 113], "pin_memori": [13, 14, 15, 17, 60, 61], "pipe": [8, 105], "place": [19, 22, 25, 28, 30, 57, 124], "plai": 131, "plan": [19, 20], "pleas": 110, "plot": [0, 19, 20, 23, 25, 36, 37, 106, 112, 113, 119, 121, 128, 130], "plot_all_over_tim": [0, 100, 103], "plot_everi": [23, 101, 116], "plot_mak": [19, 20, 23, 25, 115, 116], "plot_over_tim": [0, 19, 24, 100, 103], "plot_phas": [0, 100, 101], "plotmak": [0, 19, 20, 100, 106, 116], "plotter": [0, 23, 100, 101, 106], "plt_fn": [0, 100, 102], "pltkwd_info": 103, "png": 130, "po": 53, "point": [13, 28, 30, 54, 119, 123, 129], "polariton": 110, "pos_or_pair": 54, "posit": [28, 40, 47, 49, 54, 55, 61, 64, 70, 78, 83, 84, 88, 90, 93, 104, 110, 111, 113, 115, 117, 119, 125, 126, 131], "positions_nam": 104, "positionsnod": [28, 40, 49, 52, 53, 54, 113, 115, 119, 125, 131], "possibl": [13, 15, 18, 27, 28, 30, 110, 113, 122, 124, 127, 128, 129, 130, 131], "possible_speci": [95, 113, 114, 115], "possibli": [19, 25], "post": [30, 129], "post_step": [0, 92, 93], "potenti": [96, 114, 120, 123], "pow": 42, "power": 125, "pownod": [40, 41, 42], "practic": 123, "pre": [13, 14, 15, 17, 20, 60, 61, 118, 123, 129], "pre_step": [0, 92, 93], "preced": 30, "precis": 58, "precomput": [20, 53], "precompute_pair": [0, 19, 20, 53, 115], "pred": [40, 41, 43, 113, 129], "pred_per_atom": 129, "predict": [13, 25, 28, 43, 47, 50, 56, 57, 90, 104, 107, 110, 113, 117, 120, 125, 127, 129, 130, 131], "predict_al": [0, 28, 57, 106], "predict_batch": [0, 28, 57, 106], "prediction_all_v": 101, "predictor": [0, 28, 92, 93, 106, 109, 112, 113, 118], "prefer": 10, "prefix": [13, 15, 17, 28, 29, 113, 130], "prefix_list": 98, "prepar": [19, 25, 122], "preprend": [28, 30], "preprocess": 18, "presenc": [13, 15], "present": [13, 44, 60, 61, 66], "preserv": 58, "pretrain": [0, 106, 113], "pretti": [13, 15, 28, 31, 127], "prettyprint_arrai": [0, 13, 15], "prevent": [25, 28, 30], "previou": [19, 25, 118], "previous": 118, "primari": [22, 131], "print": [13, 14, 15, 17, 19, 20, 21, 24, 25, 28, 29, 31, 60, 61, 77, 113, 127, 130], "print_lr": [0, 105, 106], "print_structur": [0, 28, 31, 106], "printinfo": 10, "prior": 122, "privat": 21, "prob": 78, "probabl": [10, 19, 20, 95, 121], "problem": [110, 113, 119, 127], "proce": [60, 63, 107], "procedur": [47, 48, 52, 53, 54, 56, 113], "process": [18, 26, 30, 48, 108, 113, 114, 115, 118, 125, 129], "process_config": [0, 13, 14], "process_qm7_data": 113, "procur": 122, "produc": [107, 115, 122, 124], "product": [88, 122, 123], "profit": 122, "program": 122, "programmat": [19, 25], "progress": [25, 28, 57, 121, 130], "progress_bar": [0, 105, 106], "promot": 122, "propens": 78, "properli": 10, "properti": [10, 13, 15, 21, 23, 24, 28, 43, 45, 53, 57, 60, 63, 86, 88, 93, 95, 101, 102], "proport": 123, "protocol": 27, "provid": [1, 19, 25, 27, 45, 66, 79, 109, 118, 120, 122, 123, 125, 126, 127], "prune": 104, "psecond_shap": 4, "pseudoinvers": 97, "pss": 4, "pt": [26, 70, 114, 118], "public": 122, "publicli": 122, "publish": 21, "pure": [5, 44, 60, 63, 123, 124, 127], "purpos": [28, 44, 46, 47, 48, 52, 53, 54, 56, 80, 122, 123, 125], "push_epoch": [0, 19, 21], "put": [13, 15, 36, 37, 98, 113, 125, 131], "py": [98, 109, 110, 113, 119, 126], "pyanitool": 121, "pyseqm": [59, 67, 120, 121, 127], "pyseqm_interfac": [0, 59, 106], "python": [0, 42, 113, 114, 120, 121, 123, 127, 130], "pytorch": [1, 2, 5, 10, 13, 14, 15, 17, 19, 21, 25, 28, 31, 42, 43, 45, 49, 50, 60, 61, 76, 79, 80, 90, 91, 94, 105, 107, 113, 115, 117, 118, 121, 123, 124, 125, 126, 128, 130], "pytorch_gpu_mem_frac": 130, "q": 110, "q_a": 88, "qm7": 113, "qm7_process": 113, "qscreen": [0, 76, 88], "quad0_b512_p5_gpu": 109, "quadmol": [0, 28, 36, 39, 106], "quadpack": [0, 28, 36, 39, 76, 80, 106], "quadrupol": [0, 54, 76, 80, 88, 125], "quadrupolenod": [28, 40, 54], "quadunpack": [0, 76, 80], "quadunpacknod": [28, 40, 48], "quantiti": [54, 73, 92, 93, 109, 113, 119, 127, 130], "queue_tim": 68, "quickli": 123, "quiet": [13, 14, 15, 17, 19, 21, 24, 25, 28, 29, 60, 61], "quit": 115, "r": [53, 54, 104, 110, 113, 117, 119, 131], "r1": 10, "r2": 10, "r_a": 88, "r_arr": 75, "r_arrai": 117, "r_cutoff": 88, "r_max": 102, "r_min": 102, "radial": 130, "radiu": [88, 104, 115], "rais": [26, 28, 30, 36, 37, 46, 105], "raise_wher": 105, "raisebatchsizeonplateau": [0, 19, 21, 108], "random": [10, 13, 14, 15, 17, 21, 60, 61, 113], "randomli": 10, "randomst": [13, 14, 15, 17, 60, 61], "rang": 88, "rasi": [28, 46], "rate": [19, 21, 25, 113], "rather": [115, 129], "raw": 10, "raw_atom_index_arrai": 66, "rbar": 113, "rc": 130, "rdf": 126, "rdfbin": [28, 40, 53, 76, 81, 82], "re": [13, 15, 18, 20, 28, 31, 48, 53, 77, 113, 115, 120, 125, 126], "reach": 21, "real": [10, 80], "real_atom": [80, 83, 85, 86, 87], "real_index": 80, "realist": 10, "reason": [123, 129], "rebuild_neighbor": [0, 59, 60, 63], "recalcul": 10, "recalculation_need": [76, 81, 86], "recent": 123, "recip": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "recogn": 125, "recommend": [19, 25, 28, 30, 44, 110, 115, 121, 123, 129], "recomput": [53, 83, 86, 87], "record": [86, 93, 118, 127], "record_everi": 93, "record_split_mask": [13, 15], "rectangular": 80, "recurs": [28, 46, 105], "redefin": 93, "redirect": 105, "redistribut": 122, "reduc": [36, 37, 38, 77, 115, 117], "reduce_func": [0, 28, 36], "reducesinglenod": [28, 40, 50], "reduct": 77, "redund": 38, "refer": [28, 30, 36, 38, 127], "regard": 92, "regist": [24, 28, 31, 36, 38, 44, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95], "register_index_transform": [0, 28, 36, 38], "register_metr": [0, 19, 24], "registri": [0, 28, 36], "regress": [113, 125], "regular": [0, 76, 84, 106, 113, 131], "regularization_param": [0, 76, 79, 91, 94, 95], "reindexatommod": [59, 65, 66], "reindexatomnod": [59, 65, 66], "reinstat": [19, 25], "rel": [21, 48, 131], "relat": [28, 30, 46, 123], "relationship": [28, 38, 46], "relev": [13, 15], "reload": [18, 26, 118], "relocate_optim": 98, "remain": 123, "remov": [13, 15, 28, 30, 36, 38], "remove_high_properti": [0, 13, 15, 106], "repeat": 10, "repeatedli": [10, 36, 38], "replac": [28, 30, 115, 125], "replace_input": [0, 28, 29], "replace_nod": [0, 28, 30, 106], "replace_node_with_const": [0, 28, 30], "replic": 115, "report": [66, 108, 119, 129], "repositori": [112, 120, 121], "repr_info": 77, "repres": [10, 13, 15, 76, 94], "represent": [10, 28, 31, 77, 80, 95, 119], "reproduc": [18, 93, 122], "reprogram": 28, "request": [36, 37], "requir": [1, 13, 15, 27, 28, 30, 44, 54, 104, 109, 115, 125], "require_compatible_idx_st": [40, 41, 44], "require_idx_st": [40, 41, 44, 125], "required_input": [28, 31], "required_nod": [0, 28, 30, 100, 101], "required_variable_data": [0, 92, 93], "requires_grad": [28, 40, 41, 43, 57, 104], "reserv": 122, "reset": [0, 96, 97, 118], "reset_data": [0, 92, 93], "reset_reuse_percentag": [28, 40, 53, 76, 81, 86], "resid": [19, 20, 23], "residu": 91, "reslay": 91, "resnet": [91, 95], "resnetwrapp": [0, 76, 91], "resort_pairs_cach": [0, 1, 12], "respect": 131, "respons": 101, "rest": 127, "restart": [0, 13, 14, 15, 17, 26, 60, 61, 106, 112, 126], "restart_db": 26, "restartdb": [0, 13, 18], "restor": [26, 118], "restore_checkpoint": [0, 19, 26], "restore_db": 114, "result": [8, 13, 15, 19, 23, 24, 25, 28, 30, 36, 38, 53, 57, 66, 83, 86, 87, 115], "retain": 122, "retriev": 118, "return": [1, 2, 13, 15, 19, 20, 22, 23, 24, 25, 26, 28, 29, 30, 36, 37, 38, 44, 46, 48, 50, 52, 57, 58, 60, 61, 62, 63, 66, 75, 78, 79, 80, 86, 88, 90, 91, 93, 95, 104, 105, 118, 124, 125], "return_devic": [28, 57], "return_mask": 99, "return_onli": [13, 15], "reus": [53, 83, 86, 87, 110, 115], "reuse_percentag": [28, 40, 53, 76, 81, 86], "revers": 131, "revert": 123, "right": [42, 122], "riguou": 8, "rij": 74, "rij_list": 82, "rmag_list": 82, "rmse": [110, 113, 119, 129], "rmse_energi": [113, 119], "rng": [26, 118], "role": [108, 131], "room": 130, "rough": 25, "roughli": [19, 21, 25, 131], "rout": 125, "routin": [0, 13, 15, 19, 22, 106], "rsq": [28, 40, 50], "rsqmod": [28, 40, 50], "rule": [36, 38], "run": [0, 19, 20, 21, 23, 25, 28, 30, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 92, 93, 95, 113, 114, 115, 124, 125], "runnabl": 112, "s_": 123, "safe": [7, 98], "sai": [117, 131], "same": [10, 26, 36, 38, 60, 63, 88, 105, 109, 111, 119, 126, 130, 131], "sampl": [13, 15, 113, 119], "sample_weight": 119, "samuel": 21, "satisfactori": 44, "satisfi": [28, 46], "save": [13, 15, 18, 19, 25, 26, 59, 67, 69, 71, 102, 109, 113, 114, 116, 118], "save_and_stop_aft": [59, 67, 68], "save_dir": [101, 103], "scalar": [0, 28, 36, 39, 48, 56, 80, 90, 106, 125], "scale": [59, 67, 72, 127, 131], "scaled_charg": 131, "scalednacr": 110, "scalenod": [59, 67, 73], "schedul": [0, 19, 21, 25, 106, 108], "scheduler_list": 21, "scheme": [21, 27], "schnet": [59, 75], "schnetnod": [0, 59, 75], "schnetpack": [59, 75], "schnetpack_interfac": [0, 59, 106], "schnetwrapp": [0, 59, 75], "scipi": [53, 83], "scratch": [110, 120], "screen": [54, 88], "screenedcoulomb": 88, "screenedcoulombenergi": [0, 76, 88], "screenedcoulombenergynod": [28, 40, 54], "screening_list": 88, "script": [13, 15, 66, 110, 112, 113, 114, 119, 127, 130], "scriptmodul": [66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90], "se": 105, "search": [27, 28, 30, 46, 48, 104, 115, 120], "search_by_nam": [0, 28, 30], "search_nod": 48, "second": [13, 15, 88, 126], "section": 130, "secur": 122, "see": [13, 14, 15, 17, 19, 21, 25, 26, 58, 60, 61, 77, 98, 109, 110, 112, 118, 119, 126, 130], "seed": [13, 14, 15, 17, 30, 60, 61, 93, 113], "seen": 118, "select": [13, 15, 80, 123], "self": [13, 15, 28, 57, 79, 125], "semi": 10, "send": [66, 113, 125], "send_to_devic": [0, 13, 15, 106], "sens": 5, "sense_impl": 10, "sense_shap": 4, "sensesum": [0, 1, 2, 5, 123], "sensesum_impl": 2, "sensesum_raw": 10, "sensit": [5, 10, 79, 95, 113, 123, 130, 131], "sensitivity_lay": [0, 94, 95], "sensitivity_modul": [79, 102], "sensitivity_typ": [90, 95], "sensitivitybottleneck": [0, 76, 79], "sensitivitymodul": [0, 76, 79], "sensitivityplot": [0, 100, 102], "separ": [10, 129], "seqm": [59, 68], "seqm_al": [59, 67, 72, 74], "seqm_allnod": [59, 67, 73], "seqm_atom_param": 70, "seqm_energi": [59, 67, 70, 72, 74], "seqm_energynod": [59, 67, 73], "seqm_maskonmol": [59, 67, 72], "seqm_maskonmolatom": [59, 67, 72], "seqm_maskonmolatomnod": [59, 67, 73], "seqm_maskonmolnod": [59, 67, 73], "seqm_maskonmolorbit": [59, 67, 72], "seqm_maskonmolorbitalatom": [59, 67, 72], "seqm_maskonmolorbitalatomnod": [59, 67, 73], "seqm_maskonmolorbitalnod": [59, 67, 73], "seqm_modul": [0, 59, 67], "seqm_molmask": [59, 67, 72], "seqm_molmasknod": [59, 67, 73], "seqm_nod": [0, 59, 67], "seqm_node_nam": 70, "seqm_on": [0, 59, 67], "seqm_one_al": [59, 67, 74], "seqm_one_allnod": [59, 67, 74], "seqm_one_energi": [59, 67, 74], "seqm_one_energynod": [59, 67, 74], "seqm_orbitalmask": [59, 67, 72], "seqm_orbitalmasknod": [59, 67, 73], "seqm_paramet": [71, 72, 73, 74], "sequenc": [21, 47], "sequenti": 10, "serial": [0, 19, 22, 79, 106, 115, 118], "servic": 122, "set": [1, 13, 14, 15, 17, 19, 21, 22, 25, 26, 28, 29, 30, 31, 38, 44, 46, 48, 52, 53, 58, 59, 60, 61, 63, 77, 79, 80, 83, 86, 87, 93, 104, 108, 113, 115, 123, 124, 125, 126, 128, 129], "set_atom": [0, 59, 60, 63], "set_control": [0, 19, 21], "set_custom_kernel": [0, 1, 106, 123, 130], "set_dbnam": [40, 41, 45], "set_default_dtyp": [13, 113], "set_devic": [0, 19, 22], "set_e0_valu": [0, 104, 106], "set_extra_st": [0, 76, 79], "set_imag": [76, 81, 85], "set_skin": [76, 81, 86], "setup": [19, 25, 113], "setup_and_train": [0, 19, 25, 106, 113, 118], "setup_ase_graph": [59, 60, 63], "setup_lammps_graph": [59, 65, 66], "setup_param": [19, 25, 113, 118], "setup_train": [0, 19, 25, 106, 118], "setupparam": [0, 19, 25, 106, 108, 113], "sever": [45, 113, 115, 124, 125, 130], "shall": 122, "shallow": [28, 57, 123], "shape": [8, 73, 85, 95, 110, 126], "share": [66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90], "sharp": 27, "sherman": 97, "shift": 85, "short": [60, 63], "shortcut": [19, 25], "should": [13, 15, 18, 20, 28, 31, 36, 38, 50, 53, 55, 57, 60, 61, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95, 104, 110, 113, 115, 117, 125, 126, 131], "shouldn": [10, 125], "show": [8, 58, 108, 115], "shown": [102, 116], "shuffl": [13, 15], "shuhao": 96, "side": 115, "sign": [50, 54, 88, 98, 110, 111], "signatur": [28, 36, 38, 47, 48, 52, 53, 54, 56, 73, 74], "silent": [28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 123], "similar": [88, 110, 113, 123, 126, 131], "similarli": [60, 63, 80], "simpl": [44, 57, 77, 113, 116, 117, 125, 126, 128], "simplehenergynod": 125, "simpler": 129, "simplest": 113, "simpli": [28, 57, 110, 125], "simplifi": 125, "simul": [59, 60, 63, 93, 107, 114, 115], "simultan": [36, 38], "sinc": [13, 15, 28, 31, 50, 53, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95], "singl": [28, 31, 36, 37, 44, 77, 113, 119, 125, 129], "single_particle_density_matrix": 74, "singlenod": [40, 41, 43, 45, 47, 48, 50, 51, 52, 53, 54, 66, 73, 75, 124, 125], "singular": 110, "size": [20, 21, 95, 104, 113, 123, 125, 129], "size_averag": 77, "skew": 115, "skin": [28, 40, 53, 60, 63, 76, 81, 83, 86, 87, 115], "skip": [13, 14, 15, 17, 60, 61, 125], "slight": [60, 63], "slightli": [115, 125], "slow": [23, 115], "slower": 53, "small": [113, 123, 131], "smaller": 131, "smith": 21, "smooth": 88, "snap": 14, "snapdirectorydatabas": [0, 13, 14], "snapjson": [0, 13, 106], "snippet": [108, 112, 119], "so": [19, 21, 24, 25, 36, 37, 38, 44, 84, 113, 115, 117, 118, 120, 122, 123, 125, 129, 130, 131], "soft": [48, 80], "soft_index_type_coercion": [0, 28, 36, 37], "softplu": [91, 95], "softwar": 122, "some": [1, 10, 13, 15, 28, 30, 46, 112, 113, 115, 118, 123, 124, 125, 129, 130], "someth": [19, 20, 113, 130], "sometim": 123, "somewher": 113, "sort": [13, 15], "sort_by_index": [0, 13, 15, 106], "sourc": [1, 2, 3, 4, 5, 8, 10, 12, 13, 14, 15, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 33, 34, 35, 36, 37, 38, 39, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 60, 61, 62, 63, 64, 66, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 95, 97, 98, 99, 101, 102, 103, 104, 105, 122, 130], "sp": 53, "space": [13, 15, 123], "spars": [10, 20, 53, 85, 115, 123], "spatial": 83, "spec": [28, 46, 53], "speci": [13, 15, 28, 40, 48, 49, 52, 54, 55, 70, 71, 72, 74, 80, 88, 93, 95, 104, 113, 114, 115, 117, 119, 126, 129, 131], "special": [13, 15, 122], "species_kei": [13, 15], "species_nam": 104, "species_set": [28, 40, 48, 52, 55, 80, 82, 115, 125], "speciesnod": [28, 40, 49, 52, 53, 54, 113, 115, 119, 131], "specif": [28, 46, 61, 113, 122, 124, 125], "specifi": [13, 15, 19, 22, 24, 25, 26, 28, 29, 30, 46, 98, 102, 104, 105, 111, 113, 118, 124, 125, 126, 129, 130, 131], "specifii": 27, "speed": [53, 127], "speedup": 123, "split": [13, 14, 15, 17, 24, 60, 61, 104, 113], "split_": [13, 14, 15, 17, 60, 61], "split_indic": [13, 15], "split_mask": [13, 15], "split_nam": 24, "split_prefix": [13, 15], "split_siz": [13, 15], "split_the_rest": [0, 13, 15, 106], "split_typ": [13, 15], "splite": 113, "splitindic": [28, 40, 49], "sqrt": [72, 73], "squar": [77, 131], "stabil": [113, 119], "stage": 44, "stai": 120, "standard": [27, 109, 118, 130], "standard_step_fn": [0, 19, 27], "standardstep": [0, 19, 27], "start": [28, 30, 46, 48, 113], "start_nod": 30, "state": [19, 22, 24, 25, 26, 27, 28, 30, 32, 33, 34, 36, 37, 38, 39, 44, 47, 48, 52, 53, 54, 57, 66, 70, 71, 72, 75, 77, 78, 79, 80, 82, 85, 86, 87, 88, 89, 90, 92, 93, 105, 112, 118, 125], "state_dict": [0, 19, 21, 25, 26, 79], "state_fil": 70, "state_fnam": 26, "static": [4, 27, 44, 77, 79, 97, 129], "staticimageperiodicpairindex": [76, 81, 87], "staticmethod": 27, "statist": [19, 20, 129], "statu": [62, 105], "std": [13, 15, 28, 40, 50], "std_fact": [13, 15], "std_factor": [13, 15], "stderr": 105, "stdout": 105, "step": [0, 13, 15, 19, 21, 25, 27, 44, 53, 83, 86, 87, 92, 93, 96, 97, 115, 118], "step_funct": [0, 19, 106], "stepfn": [0, 19, 27], "still": [19, 25, 118, 125, 131], "stop": [19, 20, 25, 108, 113], "stopping_kei": [0, 19, 21, 24, 25, 106, 108, 113], "storag": [13, 15, 20, 38], "store": [13, 15, 17, 19, 20, 25, 38, 53, 60, 61, 63, 79, 83, 86, 87, 93, 113, 115, 118, 119, 126, 130], "store_all_bett": [19, 25, 68], "store_best": [19, 25, 68], "store_everi": [19, 25], "store_metr": [19, 25], "store_structure_fil": [19, 25], "str": [1, 13, 15, 19, 21, 22, 23, 25, 26, 28, 29, 36, 38, 47, 54, 60, 61, 77, 93, 95, 98, 104], "strain": 88, "straininduc": [28, 40, 51], "stream": 105, "stress": [60, 61, 63, 107], "stressforc": [0, 76, 88], "stressforcenod": [28, 40, 54], "strict": 122, "strictli": [13, 15, 44], "string": [13, 14, 15, 17, 19, 22, 24, 25, 28, 29, 30, 31, 48, 60, 61, 63, 77, 104, 105, 109, 114, 117, 118, 125, 129], "strip": 125, "structur": [19, 25, 26, 28, 30, 31, 113, 124, 127], "structure_fnam": 26, "stuff": 113, "style": 27, "sub": [19, 25, 42], "sub_loc": 101, "subclass": [21, 28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 93, 95, 124], "subgraph": [28, 30], "sublcass": 43, "submodul": [59, 106], "subnod": [40, 41, 42], "subpackag": [106, 123, 124], "subplott": 102, "subsampl": [13, 15], "subset": 129, "subsquent": 115, "substitut": 122, "subtract": 42, "succe": 105, "suffici": [72, 129], "suitabl": [60, 63, 125], "sum": [1, 10, 56, 60, 63, 80, 88, 90, 113, 123, 125], "sum_": 123, "sum_a": 88, "sum_i": 119, "sum_p": 123, "summer": 80, "super": 125, "superclass": 125, "suppli": [20, 95], "support": [13, 17, 36, 38, 42, 44, 60, 63, 75, 107, 118, 119, 120, 123, 126, 127, 129, 130], "suppress": [21, 28, 31], "sure": 30, "surfac": 96, "surround": 115, "suspicious_devi": 10, "swap": [28, 30], "switch": [19, 25, 105, 123], "symbol": [66, 114], "symmetr": [10, 90], "symmmetr": 80, "syntax": [113, 125, 127], "sys_energi": 111, "sysmaxofatom": [0, 76, 80], "sysmaxofatomsnod": [28, 40, 48], "system": [13, 15, 36, 38, 56, 60, 63, 73, 83, 90, 93, 104, 107, 113, 115, 118, 119, 120, 123, 124, 125, 126, 131], "system_chang": [60, 63], "system_vari": 126, "t": [10, 13, 15, 18, 19, 20, 21, 25, 28, 30, 36, 37, 38, 44, 52, 60, 63, 95, 97, 113, 115, 117, 119, 121, 125, 130], "t_predicted_arrai": 117, "tabl": [24, 36, 38, 130], "table_evaluation_print": [0, 19, 24], "table_evaluation_print_bett": [0, 19, 24], "tag": [0, 28, 30, 40, 69, 125], "take": [1, 19, 20, 23, 25, 28, 31, 50, 57, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 107, 109, 110, 113, 125, 126], "taken": 91, "tandem": 124, "target": [0, 13, 14, 15, 17, 19, 20, 22, 28, 29, 30, 40, 42, 43, 45, 49, 50, 60, 61, 72, 76, 77, 101, 106, 109, 110, 113, 119, 125, 131], "target_all_v": 101, "target_method": [72, 73], "target_modul": 125, "technic": 130, "teed_file_output": [0, 105, 106], "tell": 113, "temperatur": 93, "temporarili": [44, 105], "temporary_par": [40, 41, 44], "tend": [113, 119], "tensor": [0, 7, 13, 15, 26, 28, 32, 36, 45, 50, 57, 77, 78, 79, 84, 88, 90, 93, 99, 104, 105, 115, 117, 118, 124, 125, 127], "tensor_nam": 15, "tensor_wrapp": [0, 1, 106], "tensordataset": 15, "term": [19, 20, 72, 74, 104, 113, 115, 131], "termin": [21, 105], "termination_pati": [21, 108], "test": [8, 10, 13, 14, 15, 17, 19, 21, 23, 24, 25, 60, 61, 62, 107, 113], "test_barebones_script": 113, "test_energy_predict": 113, "test_env_cupi": [0, 1, 106], "test_env_numba": [0, 1, 106], "test_env_triton": [0, 1, 106], "test_hier_predict": 113, "test_model": [0, 19, 25, 106], "test_output": 113, "test_siz": [13, 14, 15, 17, 60, 61, 113], "than": [1, 19, 24, 25, 28, 30, 46, 53, 83, 86, 87, 115, 118, 123, 129, 131], "thei": [10, 13, 15, 28, 30, 36, 38, 44, 72, 95, 105, 119, 123, 125, 126, 131], "them": [1, 10, 19, 21, 25, 28, 31, 36, 38, 50, 53, 60, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 92, 95, 113, 117, 121, 123, 125, 127, 130, 131], "themselv": [38, 131], "theori": 122, "therebi": 123, "therefor": 88, "thi": [1, 7, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 22, 23, 25, 26, 27, 28, 30, 31, 36, 37, 38, 44, 46, 47, 48, 50, 52, 53, 54, 55, 56, 57, 59, 60, 61, 63, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 97, 104, 110, 113, 115, 116, 117, 118, 119, 122, 123, 124, 125, 126, 127, 129, 130, 131], "thing": [21, 80, 104, 113, 119, 125], "think": 127, "those": [1, 30, 80, 109, 113, 120, 123, 125], "though": [10, 44], "three": [113, 123, 130], "threshold": [21, 79], "threshold_mod": 21, "through": [8, 115], "throw": 125, "thu": [19, 20, 116, 118, 131], "ti": 131, "tild": 119, "time": [19, 24, 25, 53, 61, 83, 86, 87, 113, 115, 119, 123], "timedsnippet": [0, 1, 10], "timeplot": [0, 100, 106], "timerhold": [0, 1, 10], "timestep": 93, "tinker": 121, "togeth": 113, "tol": [60, 63], "toler": [60, 63], "too": [19, 20, 23, 113, 119], "tool": [0, 8, 44, 106, 113], "torch": [7, 8, 13, 19, 20, 22, 25, 26, 28, 50, 66, 88, 93, 95, 104, 107, 108, 113, 114, 117, 118, 124, 125], "torch_modul": [28, 40, 41, 42, 47, 50, 124, 125], "torch_tensor": 102, "torchneighbor": [76, 81, 83], "tort": 122, "total": [73, 78, 88, 90, 95, 131], "tqdm": [121, 130], "traceless": 54, "track": [24, 28, 36, 93, 113, 128], "tracker": [19, 25], "train": [13, 14, 15, 17, 19, 20, 21, 22, 23, 24, 25, 26, 53, 60, 61, 63, 66, 83, 86, 87, 104, 108, 110, 112, 113, 114, 115, 116, 117, 119, 120, 123, 124, 126, 128, 129, 130, 131], "train_loss": [19, 20, 115, 116], "train_model": [0, 19, 25, 106, 118], "trainable_aft": [104, 113], "training_log": 113, "training_loop": [0, 19, 25], "training_loss": [20, 119], "training_modul": [19, 20, 25, 26, 68, 108, 113, 114, 115, 116, 118], "trainingmodul": [0, 19, 20, 25, 26], "traj": 126, "transfer": 118, "transform": [0, 30, 32, 36, 37, 38, 48, 52, 53, 54, 76, 80, 106, 124], "transit": 110, "transpar": [130, 131], "transparent_plot": 130, "transpos": 126, "transpose_cel": 14, "treat": [13, 15, 44, 113, 130], "tree": [53, 83], "tri": [26, 130], "triad": 122, "triangular": 80, "tricki": [118, 127], "triclin": 115, "trim": [13, 15], "trim_by_speci": [0, 13, 15, 106], "triton": [1, 121, 123, 130], "true": [1, 13, 14, 15, 17, 19, 20, 21, 25, 26, 28, 30, 31, 40, 41, 43, 47, 50, 57, 58, 60, 61, 62, 63, 68, 90, 95, 102, 105, 113, 115, 116, 123, 127, 129, 130], "true_per_atom": 129, "truediv": 42, "try": [13, 15, 28, 30, 98], "tupl": [13, 14, 15, 17, 19, 20, 22, 25, 26, 28, 29, 36, 37, 38, 46, 47, 54, 58, 60, 61, 99, 105, 125], "tupletypemismatch": [40, 41, 44], "turn": [1, 123, 130], "two": [27, 36, 37, 38, 47, 88, 105, 113, 124, 125, 126, 129, 131], "twostep": [0, 19, 27], "twostep_step_fn": [0, 19, 27], "txt": [113, 121], "type": [10, 13, 15, 19, 22, 24, 25, 26, 28, 30, 36, 37, 38, 44, 46, 50, 57, 66, 70, 72, 73, 80, 93, 95, 123, 124, 126, 128, 130], "type_def": [0, 28, 36], "typedict": 7, "typeerror": [26, 118], "typic": [13, 15, 60, 61, 80, 109, 129, 131], "u": [23, 80, 122], "uint8": 7, "unambigu": 125, "unarynod": [40, 41, 42], "under": [19, 25, 53, 83, 96, 105, 122, 123, 130], "underli": [75, 113, 125], "understand": [113, 119], "unifi": [66, 114], "union": [22, 26, 36, 38], "uniqu": [28, 30, 46, 125], "unit": [60, 62, 63, 66, 93, 107, 115, 128], "units_acc": 93, "units_forc": 93, "unless": 130, "unlik": [36, 37], "unpack": [35, 80], "unset": 130, "unspecifi": [107, 125], "unsplit": 104, "unsqueez": 105, "unsqueeze_multipl": [0, 105, 106], "unsupervis": 113, "until": [21, 30], "unus": [28, 30], "unweight": 119, "up": [25, 28, 52, 57, 108, 114, 122, 124, 128], "updat": [0, 92, 93, 97, 108], "update_b": [0, 96, 97], "update_binv": [0, 96, 97], "update_scf_backward_ep": [59, 67, 68], "update_scf_ep": [59, 67, 68], "upshot": 115, "upto": 88, "us": [1, 2, 10, 13, 14, 15, 17, 18, 19, 20, 21, 22, 24, 25, 26, 27, 28, 36, 37, 38, 44, 46, 47, 48, 52, 53, 54, 56, 57, 60, 61, 62, 63, 65, 66, 67, 73, 74, 75, 80, 83, 86, 87, 88, 92, 93, 95, 97, 98, 102, 104, 105, 107, 108, 109, 110, 112, 113, 114, 115, 117, 118, 119, 120, 122, 123, 124, 125, 126, 127, 129, 130, 131], "usag": [20, 44, 59, 73, 104, 110, 121], "use_custom_kernel": 130, "use_larg": 10, "user": [13, 15, 28, 36, 37, 57, 115, 118, 120, 125, 130], "usual": [10, 105, 125, 129, 131], "util": [0, 1, 96, 106, 123], "utilz": 126, "v": [104, 123], "valid": [13, 15, 19, 20, 23, 25, 30, 113, 118, 119, 129], "valid_s": [13, 14, 15, 17, 60, 61, 113], "validation_loss": [19, 20, 113, 115, 116, 119], "validation_nam": [19, 20], "valu": [13, 15, 20, 23, 24, 28, 30, 36, 37, 38, 39, 42, 50, 53, 63, 77, 80, 82, 83, 85, 86, 87, 93, 95, 104, 105, 113, 115, 117, 118, 119, 125, 127, 129, 130, 131], "value_nam": 93, "valueerror": [36, 37], "valuemod": [0, 76, 77], "valuenod": [40, 41, 42], "vanilla": 95, "var": [28, 40, 50, 72], "var_list": [0, 13, 15, 19, 23, 106], "variabl": [0, 13, 15, 17, 21, 24, 56, 60, 61, 92, 93, 104, 115, 118, 123, 126, 130], "variable_shap": 126, "variableupdat": [0, 92, 93], "variou": [27, 112, 131], "vecmag": [0, 28, 40, 54, 76, 88], "vector": [13, 15, 47, 48, 54, 61, 78, 80, 110, 126], "vector_featur": 88, "veloc": 93, "velocityverlet": [0, 92, 93], "verbos": [21, 129, 130], "veri": [115, 123, 128, 131], "verifi": 10, "verlet": 93, "version": [7, 97, 109, 110, 119, 123, 125, 126], "via": [13, 48, 80, 114], "via_numpi": [0, 1, 8], "view": [121, 129], "virtual": 72, "visual": 58, "visualize_connected_nod": [0, 28, 58], "visualize_graph_modul": [0, 28, 58], "visualize_node_set": [0, 28, 58], "viz": [0, 28, 106], "vmax": [48, 80], "vmin": [48, 80], "volum": 93, "w": 119, "w_i": 119, "wa": [18, 66, 118, 122], "wai": [10, 19, 25, 48, 110, 111, 113, 122, 125, 131], "want": [19, 25, 28, 36, 37, 38, 57, 105, 113, 117, 118, 121, 125, 127, 131], "warn": [20, 130], "warn_if_und": [0, 76, 79], "warn_low_dist": [79, 130], "warranti": 122, "wast": 123, "wb97x": 72, "we": [10, 22, 28, 30, 79, 88, 97, 108, 110, 113, 115, 117, 119, 120, 123, 125, 126, 127, 128, 129], "weight": [50, 88, 104, 112, 131], "weighted_mae_energi": 119, "weighted_mse_energi": 119, "weighted_mse_target": 119, "weightedmaeloss": [0, 28, 40, 50, 76, 77, 119], "weightedmseloss": [0, 28, 40, 50, 76, 77, 119], "well": [66, 115, 118, 125, 126], "what": [13, 15, 19, 20, 24, 25, 92, 95, 107, 113, 119, 123, 124, 125, 129, 131], "whatev": [23, 72, 107], "whatsoev": 125, "when": [13, 15, 19, 23, 24, 25, 27, 79, 80, 101, 108, 110, 113, 115, 119, 124, 125, 127, 130, 131], "where": [13, 15, 17, 19, 20, 25, 28, 30, 57, 60, 61, 85, 98, 104, 105, 109, 113, 115, 123, 124, 125], "wherea": 123, "whether": [13, 15, 24, 25, 28, 29, 95, 98, 111, 122, 123, 124, 130], "which": [10, 13, 15, 21, 27, 28, 29, 30, 36, 38, 48, 57, 72, 75, 78, 91, 92, 93, 98, 105, 107, 109, 110, 113, 114, 115, 118, 119, 120, 122, 123, 125, 126, 130, 131], "while": [13, 14, 15, 17, 28, 31, 50, 53, 60, 61, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 115], "whole": [13, 15, 113], "wholesal": 118, "whose": [23, 28, 30, 114, 124, 131], "why_desc": [28, 46, 125], "width": [95, 113], "wise": 77, "wish": [19, 25, 119, 121, 129], "within": [27, 28, 31, 50, 66, 70, 71, 72, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 95, 115, 120, 124], "without": [18, 21, 117, 122, 126, 127], "wolfscreen": [0, 76, 88], "won": [25, 36, 38], "word": [50, 105], "work": [1, 10, 18, 26, 79, 80, 105, 113, 118, 122, 125, 128, 130, 131], "workflow": 112, "worldwid": 122, "would": [10, 19, 20, 23, 25, 95, 109, 114, 116, 119, 121, 125], "wrap": [2, 22, 42, 60, 63, 75, 91, 115, 124, 126], "wrap_as_nod": [40, 41, 42], "wrap_envop": [0, 1, 2], "wrap_output": [0, 28, 57, 106], "wrap_points_np": [76, 81, 83], "wrappedenvsum": [0, 1, 3, 4], "wrappedfeatsum": [0, 1, 3, 4], "wrappedsensesum": [0, 1, 3, 4], "wrapper": [91, 130], "write": [0, 13, 15, 66, 105, 106, 123, 127], "write_h5": [0, 13, 15, 106], "write_npz": [0, 13, 14, 15, 17, 60, 61, 106], "written": [122, 127], "wrong": 130, "wt": 113, "x": [61, 69], "x_val": 102, "x_var": 102, "xaca": 10, "xij": 74, "xlabel": 102, "xx": 80, "xy": 80, "xyz": [13, 60, 61, 126], "xz": 80, "y": [61, 119], "y_i": 119, "y_val": 102, "y_var": 102, "ye": 130, "yet": 126, "yield": [36, 38, 105], "ylabel": 102, "you": [18, 19, 20, 25, 28, 30, 31, 36, 37, 38, 57, 59, 77, 79, 105, 107, 111, 113, 114, 115, 116, 117, 118, 119, 120, 121, 123, 125, 126, 127, 131], "your": [18, 19, 20, 25, 28, 30, 31, 60, 63, 66, 77, 79, 107, 115, 118, 120, 123, 125, 126, 128, 131], "yourself": 125, "yx": 80, "yy": 80, "yz": 80, "z": [61, 74, 80, 104, 113, 117, 119, 123, 131], "z_": 123, "z_arr": 75, "z_arrai": 117, "z_data": 95, "zero": [10, 53, 83, 86, 87, 104, 115, 119], "zhang": 96, "zx": 80, "zy": 80, "zz": 80, "\u03b4e": [47, 78, 110]}, "titles": ["hippynn package", "hippynn.custom_kernels package", "hippynn.custom_kernels.autograd_wrapper module", "hippynn.custom_kernels.env_cupy module", "hippynn.custom_kernels.env_numba module", "hippynn.custom_kernels.env_pytorch module", "hippynn.custom_kernels.env_triton module", "hippynn.custom_kernels.fast_convert module", "hippynn.custom_kernels.tensor_wrapper module", "hippynn.custom_kernels.test_env_cupy module", "hippynn.custom_kernels.test_env_numba module", "hippynn.custom_kernels.test_env_triton module", "hippynn.custom_kernels.utils module", "hippynn.databases package", "hippynn.databases.SNAPJson module", "hippynn.databases.database module", "hippynn.databases.h5_pyanitools module", "hippynn.databases.ondisk module", "hippynn.databases.restarter module", "hippynn.experiment package", "hippynn.experiment.assembly module", "hippynn.experiment.controllers module", "hippynn.experiment.device module", "hippynn.experiment.evaluator module", "hippynn.experiment.metric_tracker module", "hippynn.experiment.routines module", "hippynn.experiment.serialization module", "hippynn.experiment.step_functions module", "hippynn.graphs package", "hippynn.graphs.ensemble module", "hippynn.graphs.gops module", "hippynn.graphs.graph module", "hippynn.graphs.indextransformers package", "hippynn.graphs.indextransformers.atoms module", "hippynn.graphs.indextransformers.pairs module", "hippynn.graphs.indextransformers.tensors module", "hippynn.graphs.indextypes package", "hippynn.graphs.indextypes.reduce_funcs module", "hippynn.graphs.indextypes.registry module", "hippynn.graphs.indextypes.type_def module", "hippynn.graphs.nodes package", "hippynn.graphs.nodes.base package", "hippynn.graphs.nodes.base.algebra module", "hippynn.graphs.nodes.base.base module", "hippynn.graphs.nodes.base.definition_helpers module", "hippynn.graphs.nodes.base.multi module", "hippynn.graphs.nodes.base.node_functions module", "hippynn.graphs.nodes.excited module", "hippynn.graphs.nodes.indexers module", "hippynn.graphs.nodes.inputs module", "hippynn.graphs.nodes.loss module", "hippynn.graphs.nodes.misc module", "hippynn.graphs.nodes.networks module", "hippynn.graphs.nodes.pairs module", "hippynn.graphs.nodes.physics module", "hippynn.graphs.nodes.tags module", "hippynn.graphs.nodes.targets module", "hippynn.graphs.predictor module", "hippynn.graphs.viz module", "hippynn.interfaces package", "hippynn.interfaces.ase_interface package", "hippynn.interfaces.ase_interface.ase_database module", "hippynn.interfaces.ase_interface.ase_unittests module", "hippynn.interfaces.ase_interface.calculator module", "hippynn.interfaces.ase_interface.pairfinder module", "hippynn.interfaces.lammps_interface package", "hippynn.interfaces.lammps_interface.mliap_interface module", "hippynn.interfaces.pyseqm_interface package", "hippynn.interfaces.pyseqm_interface.callback module", "hippynn.interfaces.pyseqm_interface.check module", "hippynn.interfaces.pyseqm_interface.gen_par module", "hippynn.interfaces.pyseqm_interface.mlseqm module", "hippynn.interfaces.pyseqm_interface.seqm_modules module", "hippynn.interfaces.pyseqm_interface.seqm_nodes module", "hippynn.interfaces.pyseqm_interface.seqm_one module", "hippynn.interfaces.schnetpack_interface package", "hippynn.layers package", "hippynn.layers.algebra module", "hippynn.layers.excited module", "hippynn.layers.hiplayers module", "hippynn.layers.indexers module", "hippynn.layers.pairs package", "hippynn.layers.pairs.analysis module", "hippynn.layers.pairs.dispatch module", "hippynn.layers.pairs.filters module", "hippynn.layers.pairs.indexing module", "hippynn.layers.pairs.open module", "hippynn.layers.pairs.periodic module", "hippynn.layers.physics module", "hippynn.layers.regularization module", "hippynn.layers.targets module", "hippynn.layers.transform module", "hippynn.molecular_dynamics package", "hippynn.molecular_dynamics.md module", "hippynn.networks package", "hippynn.networks.hipnn module", "hippynn.optimizer package", "hippynn.optimizer.algorithms module", "hippynn.optimizer.batch_optimizer module", "hippynn.optimizer.utils module", "hippynn.plotting package", "hippynn.plotting.plotmaker module", "hippynn.plotting.plotters module", "hippynn.plotting.timeplots module", "hippynn.pretraining module", "hippynn.tools module", "hippynn", "ASE Calculators", "Controller", "Ensembling Models", "Non-Adiabiatic Excited States", "Force Training", "Examples", "Minimal Workflow", "LAMMPS interface", "Periodic Boundary Conditions", "Plotting", "Predictor", "Restarting training", "Weighted/Masked Loss Functions", "Welcome to hippynn\u2019s documentation!", "Installation", "License", "Custom Kernels", "hippynn Concepts", "Creating Custom Node Types", "Databases", "hippynn Features", "User Guide", "Model and Loss Graphs", "Library Settings", "Units in hippynn"], "titleterms": {"": [115, 120], "A": 125, "ASE": [107, 126], "The": 125, "ad": 125, "adiabiat": 110, "advanc": 118, "algebra": [42, 77], "algorithm": 97, "analysi": 82, "api": 127, "ase_databas": 61, "ase_interfac": [60, 61, 62, 63, 64], "ase_unittest": 62, "assembli": 20, "atom": 33, "atomist": 127, "autograd_wrapp": 2, "base": [41, 42, 43, 44, 45, 46], "basic": 125, "batch_optim": 98, "bottom": 123, "boundari": 115, "cach": 115, "calcul": [63, 107], "callback": 68, "check": 69, "compon": 127, "comput": 115, "concept": 124, "conda": 121, "condit": 115, "constraint": 125, "construct": 127, "content": [120, 128], "control": [21, 108], "creat": 125, "cross": 118, "custom": [123, 125, 127], "custom_kernel": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "databas": [13, 14, 15, 16, 17, 18, 126], "definition_help": 44, "depend": 121, "detail": [118, 123], "devic": [22, 118], "dispatch": 83, "document": 120, "dynam": 115, "ensembl": [29, 109], "env_cupi": 3, "env_numba": 4, "env_pytorch": 5, "env_triton": 6, "evalu": 23, "exampl": 112, "excit": [47, 78, 110], "execut": 127, "expans": 125, "experi": [19, 20, 21, 22, 23, 24, 25, 26, 27, 124, 127], "explan": 123, "fast": 127, "fast_convert": 7, "featur": 127, "filter": 84, "finder": 115, "flexibl": 127, "forc": 111, "from": [121, 127], "front": 123, "function": 119, "gen_par": 70, "gop": 30, "graph": [28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 124, 127, 129], "guid": 128, "h5_pyanitool": 16, "handl": 126, "hiplay": 79, "hipnn": 95, "hippynn": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 120, 124, 127, 130, 131], "i": 120, "index": [48, 80, 85], "indextransform": [32, 33, 34, 35], "indextyp": [36, 37, 38, 39], "indic": 120, "input": 49, "instal": 121, "instruct": 121, "interfac": [59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 114, 127], "kernel": [123, 127], "lammp": 114, "lammps_interfac": [65, 66], "layer": [76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 124, 127], "level": 127, "librari": 130, "licens": 122, "line": 123, "loss": [50, 119, 129], "mask": 119, "md": 93, "memori": 115, "metric_track": 24, "minim": 113, "misc": 51, "mliap_interfac": 66, "mlseqm": 71, "model": [109, 127, 129], "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 29, 30, 31, 33, 34, 35, 37, 38, 39, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 61, 62, 63, 64, 66, 68, 69, 70, 71, 72, 73, 74, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 95, 97, 98, 99, 101, 102, 103, 104, 105], "modular": 127, "molecular_dynam": [92, 93], "multi": 45, "multinod": 125, "network": [52, 94, 95, 124], "node": [40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 124, 125], "node_funct": 46, "non": 110, "note": 121, "object": 126, "ondisk": 17, "open": 86, "oper": 127, "optim": [96, 97, 98, 99], "packag": [0, 1, 13, 19, 28, 32, 36, 40, 41, 59, 60, 65, 67, 75, 76, 81, 92, 94, 96, 100], "pair": [34, 53, 81, 82, 83, 84, 85, 86, 87, 115], "pairfind": 64, "parent": 125, "period": [87, 115], "physic": [54, 88], "pip": 121, "plot": [100, 101, 102, 103, 116, 127], "plotmak": 101, "plotter": 102, "possibl": 125, "pre": 115, "predictor": [57, 117], "pretrain": 104, "pyseqm_interfac": [67, 68, 69, 70, 71, 72, 73, 74], "pytorch": 127, "reduce_func": 37, "registri": 38, "regular": 89, "requir": 121, "restart": [18, 118], "routin": 25, "schnetpack_interfac": 75, "seqm_modul": 72, "seqm_nod": 73, "seqm_on": 74, "serial": 26, "set": [127, 130], "simpl": [118, 127], "snapjson": 14, "sourc": 121, "state": 110, "step_funct": 27, "submodul": [0, 1, 13, 19, 28, 32, 36, 40, 41, 60, 65, 67, 76, 81, 92, 94, 96, 100], "subpackag": [0, 28, 40, 59, 76], "summari": 130, "support": 115, "tabl": 120, "tag": 55, "target": [56, 90], "tensor": 35, "tensor_wrapp": 8, "test_env_cupi": 9, "test_env_numba": 10, "test_env_triton": 11, "timeplot": 103, "tool": 105, "track": 127, "train": [111, 118, 127], "transform": 91, "type": 125, "type_def": 39, "unit": 131, "up": 123, "us": 121, "user": 128, "util": [12, 99], "veri": 125, "viz": 58, "weight": 119, "welcom": 120, "what": [115, 120], "workflow": 113, "yet": 115, "your": 127}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"A MultiNode": [[126, "a-multinode"]], "ASE Calculators": [[108, null]], "ASE Objects Database handling": [[127, "ase-objects-database-handling"]], "Adding constraints to possible parents": [[126, "adding-constraints-to-possible-parents"]], "Advanced Details": [[119, "advanced-details"]], "Bottom line up front": [[124, "bottom-line-up-front"]], "Caching Pre-computed Pairs": [[116, "caching-pre-computed-pairs"]], "Conda": [[122, "conda"]], "Contents:": [[121, null], [129, null]], "Controller": [[109, null]], "Creating Custom Node Types": [[126, null]], "Cross-device restart": [[119, "cross-device-restart"]], "Custom Kernels": [[124, null]], "Custom Kernels for fast execution": [[128, "custom-kernels-for-fast-execution"]], "Databases": [[127, null]], "Dependencies using conda": [[122, "dependencies-using-conda"]], "Dependencies using pip": [[122, "dependencies-using-pip"]], "Detailed Explanation": [[124, "detailed-explanation"]], "Dynamic Pair Finder": [[116, "dynamic-pair-finder"]], "Ensembling Models": [[110, null]], "Examples": [[113, null]], "Experiment": [[125, "experiment"]], "Force Training": [[112, null]], "Graph level API for simple and flexible construction of models from pytorch components.": [[128, "graph-level-api-for-simple-and-flexible-construction-of-models-from-pytorch-components"]], "Graphs": [[125, "graphs"]], "Hippynn Settings Summary": [[131, "id1"]], "Indices and tables": [[121, "indices-and-tables"]], "Install from source:": [[122, "install-from-source"]], "Installation": [[122, null]], "Installation Instructions": [[122, "installation-instructions"]], "Interfaces": [[128, "interfaces"]], "LAMMPS interface": [[115, null]], "Layers/Networks": [[125, "layers-networks"]], "Library Settings": [[131, null]], "License": [[123, null]], "Minimal Workflow": [[114, null]], "Model and Loss Graphs": [[130, null]], "Modular set of pytorch layers for atomistic operations": [[128, "modular-set-of-pytorch-layers-for-atomistic-operations"]], "Nodes": [[125, "nodes"]], "Non-Adiabiatic Excited States": [[111, null]], "Notes": [[122, "notes"]], "Pair Finder Memory": [[116, "pair-finder-memory"]], "Parent expansion": [[126, "parent-expansion"]], "Periodic Boundary Conditions": [[116, null]], "Pip": [[122, "pip"]], "Plot level API for tracking your training.": [[128, "plot-level-api-for-tracking-your-training"]], "Plotting": [[117, null]], "Predictor": [[118, null]], "Requirements": [[122, "requirements"]], "Restarting training": [[119, null]], "Simple restart": [[119, "simple-restart"]], "Submodules": [[0, "submodules"], [1, "submodules"], [13, "submodules"], [19, "submodules"], [29, "submodules"], [33, "submodules"], [37, "submodules"], [41, "submodules"], [42, "submodules"], [61, "submodules"], [66, "submodules"], [68, "submodules"], [77, "submodules"], [82, "submodules"], [93, "submodules"], [95, "submodules"], [97, "submodules"], [101, "submodules"]], "Subpackages": [[0, "subpackages"], [29, "subpackages"], [41, "subpackages"], [60, "subpackages"], [77, "subpackages"]], "The very basics": [[126, "the-very-basics"]], "Training & Experiment API": [[128, "training-experiment-api"]], "Units in hippynn": [[132, null]], "User Guide": [[129, null]], "Weighted/Masked Loss Functions": [[120, null]], "Welcome to hippynn\u2019s documentation!": [[121, null]], "What is hippynn?": [[121, "what-is-hippynn"]], "What\u2019s not yet supported": [[116, "what-s-not-yet-supported"]], "hippynn": [[107, null]], "hippynn Concepts": [[125, null]], "hippynn Features": [[128, null]], "hippynn package": [[0, null]], "hippynn.custom_kernels package": [[1, null]], "hippynn.custom_kernels.autograd_wrapper module": [[2, null]], "hippynn.custom_kernels.env_cupy module": [[3, null]], "hippynn.custom_kernels.env_numba module": [[4, null]], "hippynn.custom_kernels.env_pytorch module": [[5, null]], "hippynn.custom_kernels.env_triton module": [[6, null]], "hippynn.custom_kernels.fast_convert module": [[7, null]], "hippynn.custom_kernels.tensor_wrapper module": [[8, null]], "hippynn.custom_kernels.test_env_cupy module": [[9, null]], "hippynn.custom_kernels.test_env_numba module": [[10, null]], "hippynn.custom_kernels.test_env_triton module": [[11, null]], "hippynn.custom_kernels.utils module": [[12, null]], "hippynn.databases package": [[13, null]], "hippynn.databases.SNAPJson module": [[14, null]], "hippynn.databases.database module": [[15, null]], "hippynn.databases.h5_pyanitools module": [[16, null]], "hippynn.databases.ondisk module": [[17, null]], "hippynn.databases.restarter module": [[18, null]], "hippynn.experiment package": [[19, null]], "hippynn.experiment.assembly module": [[20, null]], "hippynn.experiment.controllers module": [[21, null]], "hippynn.experiment.device module": [[22, null]], "hippynn.experiment.evaluator module": [[23, null]], "hippynn.experiment.lightning_trainer module": [[24, null]], "hippynn.experiment.metric_tracker module": [[25, null]], "hippynn.experiment.routines module": [[26, null]], "hippynn.experiment.serialization module": [[27, null]], "hippynn.experiment.step_functions module": [[28, null]], "hippynn.graphs package": [[29, null]], "hippynn.graphs.ensemble module": [[30, null]], "hippynn.graphs.gops module": [[31, null]], "hippynn.graphs.graph module": [[32, null]], "hippynn.graphs.indextransformers package": [[33, null]], "hippynn.graphs.indextransformers.atoms module": [[34, null]], "hippynn.graphs.indextransformers.pairs module": [[35, null]], "hippynn.graphs.indextransformers.tensors module": [[36, null]], "hippynn.graphs.indextypes package": [[37, null]], "hippynn.graphs.indextypes.reduce_funcs module": [[38, null]], "hippynn.graphs.indextypes.registry module": [[39, null]], "hippynn.graphs.indextypes.type_def module": [[40, null]], "hippynn.graphs.nodes package": [[41, null]], "hippynn.graphs.nodes.base package": [[42, null]], "hippynn.graphs.nodes.base.algebra module": [[43, null]], "hippynn.graphs.nodes.base.base module": [[44, null]], "hippynn.graphs.nodes.base.definition_helpers module": [[45, null]], "hippynn.graphs.nodes.base.multi module": [[46, null]], "hippynn.graphs.nodes.base.node_functions module": [[47, null]], "hippynn.graphs.nodes.excited module": [[48, null]], "hippynn.graphs.nodes.indexers module": [[49, null]], "hippynn.graphs.nodes.inputs module": [[50, null]], "hippynn.graphs.nodes.loss module": [[51, null]], "hippynn.graphs.nodes.misc module": [[52, null]], "hippynn.graphs.nodes.networks module": [[53, null]], "hippynn.graphs.nodes.pairs module": [[54, null]], "hippynn.graphs.nodes.physics module": [[55, null]], "hippynn.graphs.nodes.tags module": [[56, null]], "hippynn.graphs.nodes.targets module": [[57, null]], "hippynn.graphs.predictor module": [[58, null]], "hippynn.graphs.viz module": [[59, null]], "hippynn.interfaces package": [[60, null]], "hippynn.interfaces.ase_interface package": [[61, null]], "hippynn.interfaces.ase_interface.ase_database module": [[62, null]], "hippynn.interfaces.ase_interface.ase_unittests module": [[63, null]], "hippynn.interfaces.ase_interface.calculator module": [[64, null]], "hippynn.interfaces.ase_interface.pairfinder module": [[65, null]], "hippynn.interfaces.lammps_interface package": [[66, null]], "hippynn.interfaces.lammps_interface.mliap_interface module": [[67, null]], "hippynn.interfaces.pyseqm_interface package": [[68, null]], "hippynn.interfaces.pyseqm_interface.callback module": [[69, null]], "hippynn.interfaces.pyseqm_interface.check module": [[70, null]], "hippynn.interfaces.pyseqm_interface.gen_par module": [[71, null]], "hippynn.interfaces.pyseqm_interface.mlseqm module": [[72, null]], "hippynn.interfaces.pyseqm_interface.seqm_modules module": [[73, null]], "hippynn.interfaces.pyseqm_interface.seqm_nodes module": [[74, null]], "hippynn.interfaces.pyseqm_interface.seqm_one module": [[75, null]], "hippynn.interfaces.schnetpack_interface package": [[76, null]], "hippynn.layers package": [[77, null]], "hippynn.layers.algebra module": [[78, null]], "hippynn.layers.excited module": [[79, null]], "hippynn.layers.hiplayers module": [[80, null]], "hippynn.layers.indexers module": [[81, null]], "hippynn.layers.pairs package": [[82, null]], "hippynn.layers.pairs.analysis module": [[83, null]], "hippynn.layers.pairs.dispatch module": [[84, null]], "hippynn.layers.pairs.filters module": [[85, null]], "hippynn.layers.pairs.indexing module": [[86, null]], "hippynn.layers.pairs.open module": [[87, null]], "hippynn.layers.pairs.periodic module": [[88, null]], "hippynn.layers.physics module": [[89, null]], "hippynn.layers.regularization module": [[90, null]], "hippynn.layers.targets module": [[91, null]], "hippynn.layers.transform module": [[92, null]], "hippynn.molecular_dynamics package": [[93, null]], "hippynn.molecular_dynamics.md module": [[94, null]], "hippynn.networks package": [[95, null]], "hippynn.networks.hipnn module": [[96, null]], "hippynn.optimizer package": [[97, null]], "hippynn.optimizer.algorithms module": [[98, null]], "hippynn.optimizer.batch_optimizer module": [[99, null]], "hippynn.optimizer.utils module": [[100, null]], "hippynn.plotting package": [[101, null]], "hippynn.plotting.plotmaker module": [[102, null]], "hippynn.plotting.plotters module": [[103, null]], "hippynn.plotting.timeplots module": [[104, null]], "hippynn.pretraining module": [[105, null]], "hippynn.tools module": [[106, null]]}, "docnames": ["api_documentation/hippynn", "api_documentation/hippynn.custom_kernels", "api_documentation/hippynn.custom_kernels.autograd_wrapper", "api_documentation/hippynn.custom_kernels.env_cupy", "api_documentation/hippynn.custom_kernels.env_numba", "api_documentation/hippynn.custom_kernels.env_pytorch", "api_documentation/hippynn.custom_kernels.env_triton", "api_documentation/hippynn.custom_kernels.fast_convert", "api_documentation/hippynn.custom_kernels.tensor_wrapper", "api_documentation/hippynn.custom_kernels.test_env_cupy", "api_documentation/hippynn.custom_kernels.test_env_numba", "api_documentation/hippynn.custom_kernels.test_env_triton", "api_documentation/hippynn.custom_kernels.utils", "api_documentation/hippynn.databases", "api_documentation/hippynn.databases.SNAPJson", "api_documentation/hippynn.databases.database", "api_documentation/hippynn.databases.h5_pyanitools", "api_documentation/hippynn.databases.ondisk", "api_documentation/hippynn.databases.restarter", "api_documentation/hippynn.experiment", "api_documentation/hippynn.experiment.assembly", "api_documentation/hippynn.experiment.controllers", "api_documentation/hippynn.experiment.device", "api_documentation/hippynn.experiment.evaluator", "api_documentation/hippynn.experiment.lightning_trainer", "api_documentation/hippynn.experiment.metric_tracker", "api_documentation/hippynn.experiment.routines", "api_documentation/hippynn.experiment.serialization", "api_documentation/hippynn.experiment.step_functions", "api_documentation/hippynn.graphs", "api_documentation/hippynn.graphs.ensemble", "api_documentation/hippynn.graphs.gops", "api_documentation/hippynn.graphs.graph", "api_documentation/hippynn.graphs.indextransformers", "api_documentation/hippynn.graphs.indextransformers.atoms", "api_documentation/hippynn.graphs.indextransformers.pairs", "api_documentation/hippynn.graphs.indextransformers.tensors", "api_documentation/hippynn.graphs.indextypes", "api_documentation/hippynn.graphs.indextypes.reduce_funcs", "api_documentation/hippynn.graphs.indextypes.registry", "api_documentation/hippynn.graphs.indextypes.type_def", "api_documentation/hippynn.graphs.nodes", "api_documentation/hippynn.graphs.nodes.base", "api_documentation/hippynn.graphs.nodes.base.algebra", "api_documentation/hippynn.graphs.nodes.base.base", "api_documentation/hippynn.graphs.nodes.base.definition_helpers", "api_documentation/hippynn.graphs.nodes.base.multi", "api_documentation/hippynn.graphs.nodes.base.node_functions", "api_documentation/hippynn.graphs.nodes.excited", "api_documentation/hippynn.graphs.nodes.indexers", "api_documentation/hippynn.graphs.nodes.inputs", "api_documentation/hippynn.graphs.nodes.loss", "api_documentation/hippynn.graphs.nodes.misc", "api_documentation/hippynn.graphs.nodes.networks", "api_documentation/hippynn.graphs.nodes.pairs", "api_documentation/hippynn.graphs.nodes.physics", "api_documentation/hippynn.graphs.nodes.tags", "api_documentation/hippynn.graphs.nodes.targets", "api_documentation/hippynn.graphs.predictor", "api_documentation/hippynn.graphs.viz", "api_documentation/hippynn.interfaces", "api_documentation/hippynn.interfaces.ase_interface", "api_documentation/hippynn.interfaces.ase_interface.ase_database", "api_documentation/hippynn.interfaces.ase_interface.ase_unittests", "api_documentation/hippynn.interfaces.ase_interface.calculator", "api_documentation/hippynn.interfaces.ase_interface.pairfinder", "api_documentation/hippynn.interfaces.lammps_interface", "api_documentation/hippynn.interfaces.lammps_interface.mliap_interface", "api_documentation/hippynn.interfaces.pyseqm_interface", "api_documentation/hippynn.interfaces.pyseqm_interface.callback", "api_documentation/hippynn.interfaces.pyseqm_interface.check", "api_documentation/hippynn.interfaces.pyseqm_interface.gen_par", "api_documentation/hippynn.interfaces.pyseqm_interface.mlseqm", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_modules", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_nodes", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_one", "api_documentation/hippynn.interfaces.schnetpack_interface", "api_documentation/hippynn.layers", "api_documentation/hippynn.layers.algebra", "api_documentation/hippynn.layers.excited", "api_documentation/hippynn.layers.hiplayers", "api_documentation/hippynn.layers.indexers", "api_documentation/hippynn.layers.pairs", "api_documentation/hippynn.layers.pairs.analysis", "api_documentation/hippynn.layers.pairs.dispatch", "api_documentation/hippynn.layers.pairs.filters", "api_documentation/hippynn.layers.pairs.indexing", "api_documentation/hippynn.layers.pairs.open", "api_documentation/hippynn.layers.pairs.periodic", "api_documentation/hippynn.layers.physics", "api_documentation/hippynn.layers.regularization", "api_documentation/hippynn.layers.targets", "api_documentation/hippynn.layers.transform", "api_documentation/hippynn.molecular_dynamics", "api_documentation/hippynn.molecular_dynamics.md", "api_documentation/hippynn.networks", "api_documentation/hippynn.networks.hipnn", "api_documentation/hippynn.optimizer", "api_documentation/hippynn.optimizer.algorithms", "api_documentation/hippynn.optimizer.batch_optimizer", "api_documentation/hippynn.optimizer.utils", "api_documentation/hippynn.plotting", "api_documentation/hippynn.plotting.plotmaker", "api_documentation/hippynn.plotting.plotters", "api_documentation/hippynn.plotting.timeplots", "api_documentation/hippynn.pretraining", "api_documentation/hippynn.tools", "api_documentation/modules", "examples/ase_calculator", "examples/controller", "examples/ensembles", "examples/excited_states", "examples/forces", "examples/index", "examples/minimal_workflow", "examples/mliap_unified", "examples/periodic", "examples/plotting", "examples/predictor", "examples/restarting", "examples/weighted_loss", "index", "installation", "license", "user_guide/ckernels", "user_guide/concepts", "user_guide/custom_nodes", "user_guide/databases", "user_guide/features", "user_guide/index", "user_guide/loss_graph", "user_guide/settings", "user_guide/units"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1}, "filenames": ["api_documentation/hippynn.rst", "api_documentation/hippynn.custom_kernels.rst", "api_documentation/hippynn.custom_kernels.autograd_wrapper.rst", "api_documentation/hippynn.custom_kernels.env_cupy.rst", "api_documentation/hippynn.custom_kernels.env_numba.rst", "api_documentation/hippynn.custom_kernels.env_pytorch.rst", "api_documentation/hippynn.custom_kernels.env_triton.rst", "api_documentation/hippynn.custom_kernels.fast_convert.rst", "api_documentation/hippynn.custom_kernels.tensor_wrapper.rst", "api_documentation/hippynn.custom_kernels.test_env_cupy.rst", "api_documentation/hippynn.custom_kernels.test_env_numba.rst", "api_documentation/hippynn.custom_kernels.test_env_triton.rst", "api_documentation/hippynn.custom_kernels.utils.rst", "api_documentation/hippynn.databases.rst", "api_documentation/hippynn.databases.SNAPJson.rst", "api_documentation/hippynn.databases.database.rst", "api_documentation/hippynn.databases.h5_pyanitools.rst", "api_documentation/hippynn.databases.ondisk.rst", "api_documentation/hippynn.databases.restarter.rst", "api_documentation/hippynn.experiment.rst", "api_documentation/hippynn.experiment.assembly.rst", "api_documentation/hippynn.experiment.controllers.rst", "api_documentation/hippynn.experiment.device.rst", "api_documentation/hippynn.experiment.evaluator.rst", "api_documentation/hippynn.experiment.lightning_trainer.rst", "api_documentation/hippynn.experiment.metric_tracker.rst", "api_documentation/hippynn.experiment.routines.rst", "api_documentation/hippynn.experiment.serialization.rst", "api_documentation/hippynn.experiment.step_functions.rst", "api_documentation/hippynn.graphs.rst", "api_documentation/hippynn.graphs.ensemble.rst", "api_documentation/hippynn.graphs.gops.rst", "api_documentation/hippynn.graphs.graph.rst", "api_documentation/hippynn.graphs.indextransformers.rst", "api_documentation/hippynn.graphs.indextransformers.atoms.rst", "api_documentation/hippynn.graphs.indextransformers.pairs.rst", "api_documentation/hippynn.graphs.indextransformers.tensors.rst", "api_documentation/hippynn.graphs.indextypes.rst", "api_documentation/hippynn.graphs.indextypes.reduce_funcs.rst", "api_documentation/hippynn.graphs.indextypes.registry.rst", "api_documentation/hippynn.graphs.indextypes.type_def.rst", "api_documentation/hippynn.graphs.nodes.rst", "api_documentation/hippynn.graphs.nodes.base.rst", "api_documentation/hippynn.graphs.nodes.base.algebra.rst", "api_documentation/hippynn.graphs.nodes.base.base.rst", "api_documentation/hippynn.graphs.nodes.base.definition_helpers.rst", "api_documentation/hippynn.graphs.nodes.base.multi.rst", "api_documentation/hippynn.graphs.nodes.base.node_functions.rst", "api_documentation/hippynn.graphs.nodes.excited.rst", "api_documentation/hippynn.graphs.nodes.indexers.rst", "api_documentation/hippynn.graphs.nodes.inputs.rst", "api_documentation/hippynn.graphs.nodes.loss.rst", "api_documentation/hippynn.graphs.nodes.misc.rst", "api_documentation/hippynn.graphs.nodes.networks.rst", "api_documentation/hippynn.graphs.nodes.pairs.rst", "api_documentation/hippynn.graphs.nodes.physics.rst", "api_documentation/hippynn.graphs.nodes.tags.rst", "api_documentation/hippynn.graphs.nodes.targets.rst", "api_documentation/hippynn.graphs.predictor.rst", "api_documentation/hippynn.graphs.viz.rst", "api_documentation/hippynn.interfaces.rst", "api_documentation/hippynn.interfaces.ase_interface.rst", "api_documentation/hippynn.interfaces.ase_interface.ase_database.rst", "api_documentation/hippynn.interfaces.ase_interface.ase_unittests.rst", "api_documentation/hippynn.interfaces.ase_interface.calculator.rst", "api_documentation/hippynn.interfaces.ase_interface.pairfinder.rst", "api_documentation/hippynn.interfaces.lammps_interface.rst", "api_documentation/hippynn.interfaces.lammps_interface.mliap_interface.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.callback.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.check.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.gen_par.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.mlseqm.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_modules.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_nodes.rst", "api_documentation/hippynn.interfaces.pyseqm_interface.seqm_one.rst", "api_documentation/hippynn.interfaces.schnetpack_interface.rst", "api_documentation/hippynn.layers.rst", "api_documentation/hippynn.layers.algebra.rst", "api_documentation/hippynn.layers.excited.rst", "api_documentation/hippynn.layers.hiplayers.rst", "api_documentation/hippynn.layers.indexers.rst", "api_documentation/hippynn.layers.pairs.rst", "api_documentation/hippynn.layers.pairs.analysis.rst", "api_documentation/hippynn.layers.pairs.dispatch.rst", "api_documentation/hippynn.layers.pairs.filters.rst", "api_documentation/hippynn.layers.pairs.indexing.rst", "api_documentation/hippynn.layers.pairs.open.rst", "api_documentation/hippynn.layers.pairs.periodic.rst", "api_documentation/hippynn.layers.physics.rst", "api_documentation/hippynn.layers.regularization.rst", "api_documentation/hippynn.layers.targets.rst", "api_documentation/hippynn.layers.transform.rst", "api_documentation/hippynn.molecular_dynamics.rst", "api_documentation/hippynn.molecular_dynamics.md.rst", "api_documentation/hippynn.networks.rst", "api_documentation/hippynn.networks.hipnn.rst", "api_documentation/hippynn.optimizer.rst", "api_documentation/hippynn.optimizer.algorithms.rst", "api_documentation/hippynn.optimizer.batch_optimizer.rst", "api_documentation/hippynn.optimizer.utils.rst", "api_documentation/hippynn.plotting.rst", "api_documentation/hippynn.plotting.plotmaker.rst", "api_documentation/hippynn.plotting.plotters.rst", "api_documentation/hippynn.plotting.timeplots.rst", "api_documentation/hippynn.pretraining.rst", "api_documentation/hippynn.tools.rst", "api_documentation/modules.rst", "examples/ase_calculator.rst", "examples/controller.rst", "examples/ensembles.rst", "examples/excited_states.rst", "examples/forces.rst", "examples/index.rst", "examples/minimal_workflow.rst", "examples/mliap_unified.rst", "examples/periodic.rst", "examples/plotting.rst", "examples/predictor.rst", "examples/restarting.rst", "examples/weighted_loss.rst", "index.rst", "installation.rst", "license.rst", "user_guide/ckernels.rst", "user_guide/concepts.rst", "user_guide/custom_nodes.rst", "user_guide/databases.rst", "user_guide/features.rst", "user_guide/index.rst", "user_guide/loss_graph.rst", "user_guide/settings.rst", "user_guide/units.rst"], "indexentries": {"__init__() (alphascreening method)": [[89, "hippynn.layers.physics.AlphaScreening.__init__", false]], "__init__() (asedatabase method)": [[13, "hippynn.databases.AseDatabase.__init__", false], [61, "hippynn.interfaces.ase_interface.AseDatabase.__init__", false], [62, "hippynn.interfaces.ase_interface.ase_database.AseDatabase.__init__", false]], "__init__() (atleast2d method)": [[43, "hippynn.graphs.nodes.base.algebra.AtLeast2D.__init__", false]], "__init__() (atomdeindexer method)": [[49, "hippynn.graphs.nodes.indexers.AtomDeIndexer.__init__", false]], "__init__() (atommask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask.__init__", false]], "__init__() (atommasknode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode.__init__", false]], "__init__() (atomreindexer method)": [[49, "hippynn.graphs.nodes.indexers.AtomReIndexer.__init__", false]], "__init__() (atomtomolsummer method)": [[55, "hippynn.graphs.nodes.physics.AtomToMolSummer.__init__", false]], "__init__() (bfgsv1 method)": [[98, "hippynn.optimizer.algorithms.BFGSv1.__init__", false]], "__init__() (bfgsv2 method)": [[98, "hippynn.optimizer.algorithms.BFGSv2.__init__", false]], "__init__() (bfgsv3 method)": [[98, "hippynn.optimizer.algorithms.BFGSv3.__init__", false]], "__init__() (binnode method)": [[43, "hippynn.graphs.nodes.base.algebra.BinNode.__init__", false]], "__init__() (bondtomolsummmer method)": [[55, "hippynn.graphs.nodes.physics.BondToMolSummmer.__init__", false]], "__init__() (cellscaleinducer method)": [[81, "hippynn.layers.indexers.CellScaleInducer.__init__", false]], "__init__() (chargemomentnode method)": [[55, "hippynn.graphs.nodes.physics.ChargeMomentNode.__init__", false]], "__init__() (combineenergy method)": [[89, "hippynn.layers.physics.CombineEnergy.__init__", false]], "__init__() (combineenergynode method)": [[55, "hippynn.graphs.nodes.physics.CombineEnergyNode.__init__", false]], "__init__() (combinescreenings method)": [[89, "hippynn.layers.physics.CombineScreenings.__init__", false]], "__init__() (compatibleidxtypetransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.__init__", false]], "__init__() (composedplotter method)": [[103, "hippynn.plotting.plotters.ComposedPlotter.__init__", false]], "__init__() (controller method)": [[21, "hippynn.experiment.controllers.Controller.__init__", false]], "__init__() (coscutoff method)": [[80, "hippynn.layers.hiplayers.CosCutoff.__init__", false]], "__init__() (coulombenergy method)": [[89, "hippynn.layers.physics.CoulombEnergy.__init__", false]], "__init__() (coulombenergynode method)": [[55, "hippynn.graphs.nodes.physics.CoulombEnergyNode.__init__", false]], "__init__() (cupygpukernel method)": [[3, "hippynn.custom_kernels.env_cupy.CupyGPUKernel.__init__", false]], "__init__() (database method)": [[13, "hippynn.databases.Database.__init__", false], [15, "hippynn.databases.database.Database.__init__", false]], "__init__() (dipole method)": [[89, "hippynn.layers.physics.Dipole.__init__", false]], "__init__() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.__init__", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.__init__", false]], "__init__() (energy_one method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One.__init__", false]], "__init__() (ensembletarget method)": [[52, "hippynn.graphs.nodes.misc.EnsembleTarget.__init__", false]], "__init__() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.__init__", false]], "__init__() (evaluator method)": [[23, "hippynn.experiment.evaluator.Evaluator.__init__", false]], "__init__() (ewaldrealspacescreening method)": [[89, "hippynn.layers.physics.EwaldRealSpaceScreening.__init__", false]], "__init__() (externalneighborindexer method)": [[54, "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer.__init__", false]], "__init__() (filterbondsoneway method)": [[49, "hippynn.graphs.nodes.indexers.FilterBondsOneway.__init__", false]], "__init__() (fire method)": [[98, "hippynn.optimizer.algorithms.FIRE.__init__", false]], "__init__() (formassertion method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion.__init__", false]], "__init__() (formassertlength method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength.__init__", false]], "__init__() (formtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer.__init__", false]], "__init__() (fuzzyhistogram method)": [[81, "hippynn.layers.indexers.FuzzyHistogram.__init__", false]], "__init__() (fuzzyhistogrammer method)": [[49, "hippynn.graphs.nodes.indexers.FuzzyHistogrammer.__init__", false]], "__init__() (gaussiansensitivitymodule method)": [[80, "hippynn.layers.hiplayers.GaussianSensitivityModule.__init__", false]], "__init__() (gen_par method)": [[71, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par.__init__", false]], "__init__() (geometryoptimizer method)": [[98, "hippynn.optimizer.algorithms.GeometryOptimizer.__init__", false]], "__init__() (gradient method)": [[89, "hippynn.layers.physics.Gradient.__init__", false]], "__init__() (gradientnode method)": [[55, "hippynn.graphs.nodes.physics.GradientNode.__init__", false]], "__init__() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.__init__", false], [32, "hippynn.graphs.graph.GraphModule.__init__", false]], "__init__() (hamiltonian_one method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One.__init__", false]], "__init__() (hbondnode method)": [[57, "hippynn.graphs.nodes.targets.HBondNode.__init__", false]], "__init__() (hbondsymmetric method)": [[91, "hippynn.layers.targets.HBondSymmetric.__init__", false]], "__init__() (hcharge method)": [[91, "hippynn.layers.targets.HCharge.__init__", false]], "__init__() (hchargenode method)": [[57, "hippynn.graphs.nodes.targets.HChargeNode.__init__", false]], "__init__() (henergy method)": [[91, "hippynn.layers.targets.HEnergy.__init__", false]], "__init__() (henergynode method)": [[57, "hippynn.graphs.nodes.targets.HEnergyNode.__init__", false]], "__init__() (hierarchicalityplot method)": [[103, "hippynn.plotting.plotters.HierarchicalityPlot.__init__", false]], "__init__() (hipnn method)": [[53, "hippynn.graphs.nodes.networks.Hipnn.__init__", false], [96, "hippynn.networks.hipnn.Hipnn.__init__", false]], "__init__() (hipnnvec method)": [[53, "hippynn.graphs.nodes.networks.HipnnVec.__init__", false], [96, "hippynn.networks.hipnn.HipnnVec.__init__", false]], "__init__() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.__init__", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.__init__", false]], "__init__() (hippynndatamodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnDataModule.__init__", false]], "__init__() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.__init__", false]], "__init__() (hist1d method)": [[103, "hippynn.plotting.plotters.Hist1D.__init__", false]], "__init__() (hist1dcomp method)": [[103, "hippynn.plotting.plotters.Hist1DComp.__init__", false]], "__init__() (hist2d method)": [[103, "hippynn.plotting.plotters.Hist2D.__init__", false]], "__init__() (idx method)": [[78, "hippynn.layers.algebra.Idx.__init__", false]], "__init__() (indexformtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.__init__", false]], "__init__() (indexnode method)": [[46, "hippynn.graphs.nodes.base.multi.IndexNode.__init__", false]], "__init__() (indices method)": [[50, "hippynn.graphs.nodes.inputs.Indices.__init__", false]], "__init__() (inputnode method)": [[44, "hippynn.graphs.nodes.base.base.InputNode.__init__", false]], "__init__() (interactionplot method)": [[103, "hippynn.plotting.plotters.InteractionPlot.__init__", false]], "__init__() (interactlayer method)": [[80, "hippynn.layers.hiplayers.InteractLayer.__init__", false]], "__init__() (interactlayerquad method)": [[80, "hippynn.layers.hiplayers.InteractLayerQuad.__init__", false]], "__init__() (interactlayervec method)": [[80, "hippynn.layers.hiplayers.InteractLayerVec.__init__", false]], "__init__() (inversesensitivitymodule method)": [[80, "hippynn.layers.hiplayers.InverseSensitivityModule.__init__", false]], "__init__() (kdtreepairsmemory method)": [[54, "hippynn.graphs.nodes.pairs.KDTreePairsMemory.__init__", false]], "__init__() (lambdamodule method)": [[78, "hippynn.layers.algebra.LambdaModule.__init__", false]], "__init__() (langevindynamics method)": [[94, "hippynn.molecular_dynamics.md.LangevinDynamics.__init__", false]], "__init__() (listnode method)": [[52, "hippynn.graphs.nodes.misc.ListNode.__init__", false]], "__init__() (localatomenergynode method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode.__init__", false]], "__init__() (localatomsenergy method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy.__init__", false]], "__init__() (localchargeenergy method)": [[57, "hippynn.graphs.nodes.targets.LocalChargeEnergy.__init__", false], [91, "hippynn.layers.targets.LocalChargeEnergy.__init__", false]], "__init__() (localdampingcosine method)": [[89, "hippynn.layers.physics.LocalDampingCosine.__init__", false]], "__init__() (localenergy method)": [[79, "hippynn.layers.excited.LocalEnergy.__init__", false]], "__init__() (localenergynode method)": [[48, "hippynn.graphs.nodes.excited.LocalEnergyNode.__init__", false]], "__init__() (lossinputnode method)": [[44, "hippynn.graphs.nodes.base.base.LossInputNode.__init__", false]], "__init__() (lossprednode method)": [[44, "hippynn.graphs.nodes.base.base.LossPredNode.__init__", false]], "__init__() (losstruenode method)": [[44, "hippynn.graphs.nodes.base.base.LossTrueNode.__init__", false]], "__init__() (lpreg method)": [[90, "hippynn.layers.regularization.LPReg.__init__", false]], "__init__() (mainoutputtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.__init__", false]], "__init__() (metrictracker method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.__init__", false]], "__init__() (mindistnode method)": [[54, "hippynn.graphs.nodes.pairs.MinDistNode.__init__", false]], "__init__() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.__init__", false]], "__init__() (mlseqm method)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.__init__", false]], "__init__() (mlseqm_node method)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node.__init__", false]], "__init__() (moleculardynamics method)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.__init__", false]], "__init__() (multigradient method)": [[89, "hippynn.layers.physics.MultiGradient.__init__", false]], "__init__() (multigradientnode method)": [[55, "hippynn.graphs.nodes.physics.MultiGradientNode.__init__", false]], "__init__() (multinode method)": [[46, "hippynn.graphs.nodes.base.multi.MultiNode.__init__", false]], "__init__() (nacr method)": [[79, "hippynn.layers.excited.NACR.__init__", false]], "__init__() (nacrmultistate method)": [[79, "hippynn.layers.excited.NACRMultiState.__init__", false]], "__init__() (nacrmultistatenode method)": [[48, "hippynn.graphs.nodes.excited.NACRMultiStateNode.__init__", false]], "__init__() (nacrnode method)": [[48, "hippynn.graphs.nodes.excited.NACRNode.__init__", false]], "__init__() (namedtensordataset method)": [[15, "hippynn.databases.database.NamedTensorDataset.__init__", false]], "__init__() (newtonraphson method)": [[98, "hippynn.optimizer.algorithms.NewtonRaphson.__init__", false]], "__init__() (npzdatabase method)": [[13, "hippynn.databases.NPZDatabase.__init__", false], [17, "hippynn.databases.ondisk.NPZDatabase.__init__", false]], "__init__() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.__init__", false]], "__init__() (onehotencoder method)": [[49, "hippynn.graphs.nodes.indexers.OneHotEncoder.__init__", false]], "__init__() (onehotspecies method)": [[81, "hippynn.layers.indexers.OneHotSpecies.__init__", false]], "__init__() (openpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.OpenPairIndexer.__init__", false]], "__init__() (optimizer method)": [[99, "hippynn.optimizer.batch_optimizer.Optimizer.__init__", false]], "__init__() (paddedneighbornode method)": [[54, "hippynn.graphs.nodes.pairs.PaddedNeighborNode.__init__", false]], "__init__() (paddingindexer method)": [[49, "hippynn.graphs.nodes.indexers.PaddingIndexer.__init__", false]], "__init__() (paircacher method)": [[54, "hippynn.graphs.nodes.pairs.PairCacher.__init__", false], [86, "hippynn.layers.pairs.indexing.PairCacher.__init__", false]], "__init__() (pairdeindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairDeIndexer.__init__", false]], "__init__() (pairfilter method)": [[54, "hippynn.graphs.nodes.pairs.PairFilter.__init__", false]], "__init__() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.__init__", false]], "__init__() (pairreindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairReIndexer.__init__", false]], "__init__() (pairuncacher method)": [[54, "hippynn.graphs.nodes.pairs.PairUncacher.__init__", false], [86, "hippynn.layers.pairs.indexing.PairUncacher.__init__", false]], "__init__() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.__init__", false]], "__init__() (patiencecontroller method)": [[21, "hippynn.experiment.controllers.PatienceController.__init__", false]], "__init__() (pbchandle method)": [[64, "hippynn.interfaces.ase_interface.calculator.PBCHandle.__init__", false]], "__init__() (peratom method)": [[55, "hippynn.graphs.nodes.physics.PerAtom.__init__", false]], "__init__() (periodicpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.__init__", false]], "__init__() (periodicpairindexermemory method)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory.__init__", false]], "__init__() (plotmaker method)": [[102, "hippynn.plotting.plotmaker.PlotMaker.__init__", false]], "__init__() (plotter method)": [[103, "hippynn.plotting.plotters.Plotter.__init__", false]], "__init__() (predictor method)": [[29, "hippynn.graphs.Predictor.__init__", false], [58, "hippynn.graphs.predictor.Predictor.__init__", false]], "__init__() (qscreening method)": [[89, "hippynn.layers.physics.QScreening.__init__", false]], "__init__() (quadpack method)": [[81, "hippynn.layers.indexers.QuadPack.__init__", false]], "__init__() (quadrupole method)": [[89, "hippynn.layers.physics.Quadrupole.__init__", false]], "__init__() (quadunpack method)": [[81, "hippynn.layers.indexers.QuadUnpack.__init__", false]], "__init__() (quadunpacknode method)": [[49, "hippynn.graphs.nodes.indexers.QuadUnpackNode.__init__", false]], "__init__() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.__init__", false]], "__init__() (rdfbins method)": [[54, "hippynn.graphs.nodes.pairs.RDFBins.__init__", false], [83, "hippynn.layers.pairs.analysis.RDFBins.__init__", false]], "__init__() (reducesinglenode method)": [[51, "hippynn.graphs.nodes.loss.ReduceSingleNode.__init__", false]], "__init__() (reindexatomnode method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode.__init__", false]], "__init__() (resnetwrapper method)": [[92, "hippynn.layers.transform.ResNetWrapper.__init__", false]], "__init__() (restartdb method)": [[18, "hippynn.databases.restarter.RestartDB.__init__", false]], "__init__() (scale method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale.__init__", false]], "__init__() (scalenode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode.__init__", false]], "__init__() (schnetnode method)": [[76, "hippynn.interfaces.schnetpack_interface.SchNetNode.__init__", false]], "__init__() (schnetwrapper method)": [[76, "hippynn.interfaces.schnetpack_interface.SchNetWrapper.__init__", false]], "__init__() (screenedcoulombenergy method)": [[89, "hippynn.layers.physics.ScreenedCoulombEnergy.__init__", false]], "__init__() (screenedcoulombenergynode method)": [[55, "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode.__init__", false]], "__init__() (sensitivitybottleneck method)": [[80, "hippynn.layers.hiplayers.SensitivityBottleneck.__init__", false]], "__init__() (sensitivitymodule method)": [[80, "hippynn.layers.hiplayers.SensitivityModule.__init__", false]], "__init__() (sensitivityplot method)": [[103, "hippynn.plotting.plotters.SensitivityPlot.__init__", false]], "__init__() (seqm_all method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All.__init__", false]], "__init__() (seqm_energy method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy.__init__", false]], "__init__() (seqm_energynode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode.__init__", false]], "__init__() (seqm_maskonmol method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol.__init__", false]], "__init__() (seqm_maskonmolatom method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom.__init__", false]], "__init__() (seqm_maskonmolatomnode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode.__init__", false]], "__init__() (seqm_maskonmolnode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode.__init__", false]], "__init__() (seqm_maskonmolorbital method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital.__init__", false]], "__init__() (seqm_maskonmolorbitalatom method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom.__init__", false]], "__init__() (seqm_maskonmolorbitalatomnode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode.__init__", false]], "__init__() (seqm_maskonmolorbitalnode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode.__init__", false]], "__init__() (seqm_molmask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask.__init__", false]], "__init__() (seqm_molmasknode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode.__init__", false]], "__init__() (seqm_one_all method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All.__init__", false]], "__init__() (seqm_one_energy method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy.__init__", false]], "__init__() (seqm_one_energynode method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode.__init__", false]], "__init__() (seqm_orbitalmask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask.__init__", false]], "__init__() (seqm_orbitalmasknode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode.__init__", false]], "__init__() (setupparams method)": [[19, "hippynn.experiment.SetupParams.__init__", false], [26, "hippynn.experiment.routines.SetupParams.__init__", false]], "__init__() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.__init__", false]], "__init__() (splitindices method)": [[50, "hippynn.graphs.nodes.inputs.SplitIndices.__init__", false]], "__init__() (staticimageperiodicpairindexer method)": [[88, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer.__init__", false]], "__init__() (straininducer method)": [[52, "hippynn.graphs.nodes.misc.StrainInducer.__init__", false]], "__init__() (stressforce method)": [[89, "hippynn.layers.physics.StressForce.__init__", false]], "__init__() (stressforcenode method)": [[55, "hippynn.graphs.nodes.physics.StressForceNode.__init__", false]], "__init__() (sysmaxofatomsnode method)": [[49, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.__init__", false]], "__init__() (teed_file_output method)": [[106, "hippynn.tools.teed_file_output.__init__", false]], "__init__() (timedsnippet method)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet.__init__", false]], "__init__() (timerholder method)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.__init__", false]], "__init__() (unarynode method)": [[43, "hippynn.graphs.nodes.base.algebra.UnaryNode.__init__", false]], "__init__() (valuemod method)": [[78, "hippynn.layers.algebra.ValueMod.__init__", false]], "__init__() (valuenode method)": [[43, "hippynn.graphs.nodes.base.algebra.ValueNode.__init__", false]], "__init__() (variable method)": [[94, "hippynn.molecular_dynamics.md.Variable.__init__", false]], "__init__() (variableupdater method)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater.__init__", false]], "__init__() (vecmag method)": [[55, "hippynn.graphs.nodes.physics.VecMag.__init__", false]], "__init__() (velocityverlet method)": [[94, "hippynn.molecular_dynamics.md.VelocityVerlet.__init__", false]], "__init__() (wolfscreening method)": [[89, "hippynn.layers.physics.WolfScreening.__init__", false]], "absolute_errors() (in module hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.absolute_errors", false]], "acquire_encoding_padding() (in module hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.acquire_encoding_padding", false]], "active_directory() (in module hippynn.tools)": [[106, "hippynn.tools.active_directory", false]], "add() (timerholder method)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.add", false]], "add_class_doc() (compatibleidxtypetransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.add_class_doc", false]], "add_class_doc() (formassertion method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion.add_class_doc", false]], "add_class_doc() (formassertlength method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength.add_class_doc", false]], "add_class_doc() (formhandler method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormHandler.add_class_doc", false]], "add_class_doc() (formtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer.add_class_doc", false]], "add_class_doc() (indexformtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.add_class_doc", false]], "add_class_doc() (mainoutputtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.add_class_doc", false]], "add_output() (predictor method)": [[29, "hippynn.graphs.Predictor.add_output", false], [58, "hippynn.graphs.predictor.Predictor.add_output", false]], "add_split_masks() (database method)": [[13, "hippynn.databases.Database.add_split_masks", false], [15, "hippynn.databases.database.Database.add_split_masks", false]], "addnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.AddNode", false]], "adds_to_forms() (in module hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.adds_to_forms", false]], "all_close_witherror() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.all_close_witherror", false]], "alphascreening (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.AlphaScreening", false]], "alwaysmatch (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.AlwaysMatch", false]], "apply_to_database() (predictor method)": [[29, "hippynn.graphs.Predictor.apply_to_database", false], [58, "hippynn.graphs.predictor.Predictor.apply_to_database", false]], "arrdict_len() (in module hippynn.tools)": [[106, "hippynn.tools.arrdict_len", false]], "as_numpy() (in module hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.as_numpy", false]], "as_tensor() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.as_tensor", false]], "ase_compute_neighbors() (in module hippynn.interfaces.ase_interface.pairfinder)": [[65, "hippynn.interfaces.ase_interface.pairfinder.ASE_compute_neighbors", false]], "ase_filterpair_coulomb_construct() (in module hippynn.interfaces.ase_interface.ase_unittests)": [[63, "hippynn.interfaces.ase_interface.ase_unittests.ASE_FilterPair_Coulomb_Construct", false]], "asedatabase (class in hippynn.databases)": [[13, "hippynn.databases.AseDatabase", false]], "asedatabase (class in hippynn.interfaces.ase_interface)": [[61, "hippynn.interfaces.ase_interface.AseDatabase", false]], "asedatabase (class in hippynn.interfaces.ase_interface.ase_database)": [[62, "hippynn.interfaces.ase_interface.ase_database.AseDatabase", false]], "aseneighbors (class in hippynn.interfaces.ase_interface.pairfinder)": [[65, "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors", false]], "asepairnode (class in hippynn.interfaces.ase_interface.pairfinder)": [[65, "hippynn.interfaces.ase_interface.pairfinder.ASEPairNode", false]], "assemble_for_training() (in module hippynn.experiment)": [[19, "hippynn.experiment.assemble_for_training", false]], "assemble_for_training() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.assemble_for_training", false]], "assemble_module() (plotmaker method)": [[102, "hippynn.plotting.plotmaker.PlotMaker.assemble_module", false]], "assertion() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.assertion", false]], "assertlen() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.assertlen", false]], "assign_index_aliases() (in module hippynn.graphs.indextypes.registry)": [[39, "hippynn.graphs.indextypes.registry.assign_index_aliases", false]], "atleast2d (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.AtLeast2D", false]], "atleast2d (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.AtLeast2D", false]], "atomdeindexer (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.AtomDeIndexer", false]], "atomdeindexer (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.AtomDeIndexer", false]], "atomindexer (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.AtomIndexer", false]], "atommask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask", false]], "atommasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode", false]], "atomreindexer (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.AtomReIndexer", false]], "atomreindexer (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.AtomReIndexer", false]], "atoms (idxtype attribute)": [[29, "hippynn.graphs.IdxType.Atoms", false], [37, "hippynn.graphs.indextypes.IdxType.Atoms", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.Atoms", false]], "atomtomolsummer (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.AtomToMolSummer", false]], "attempt_restart() (norestart method)": [[18, "hippynn.databases.restarter.NoRestart.attempt_restart", false]], "attempt_restart() (restartdb method)": [[18, "hippynn.databases.restarter.RestartDB.attempt_restart", false]], "attempt_restart() (restarter method)": [[18, "hippynn.databases.restarter.Restarter.attempt_restart", false]], "auto_module() (autokw method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.AutoKw.auto_module", false]], "auto_module() (autonokw method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw.auto_module", false]], "auto_module() (localenergynode method)": [[48, "hippynn.graphs.nodes.excited.LocalEnergyNode.auto_module", false]], "auto_module() (onehotencoder method)": [[49, "hippynn.graphs.nodes.indexers.OneHotEncoder.auto_module", false]], "auto_module() (openpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.OpenPairIndexer.auto_module", false]], "auto_module() (valuenode method)": [[43, "hippynn.graphs.nodes.base.algebra.ValueNode.auto_module", false]], "autokw (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.AutoKw", false]], "autonokw (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw", false]], "batch_convert_torch_to_numba() (in module hippynn.custom_kernels.fast_convert)": [[7, "hippynn.custom_kernels.fast_convert.batch_convert_torch_to_numba", false]], "batch_size (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.batch_size", false], [26, "hippynn.experiment.routines.SetupParams.batch_size", false]], "bfgsv1 (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.BFGSv1", false]], "bfgsv2 (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.BFGSv2", false]], "bfgsv3 (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.BFGSv3", false]], "bin_info() (rdfbins method)": [[83, "hippynn.layers.pairs.analysis.RDFBins.bin_info", false]], "binnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.BinNode", false]], "bondtomolsummmer (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.BondToMolSummmer", false]], "build_loss_modules() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.build_loss_modules", false]], "calculate() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.calculate", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.calculate", false]], "calculate_max_system_force() (in module hippynn.pretraining)": [[105, "hippynn.pretraining.calculate_max_system_force", false]], "calculate_min_dists() (in module hippynn.pretraining)": [[105, "hippynn.pretraining.calculate_min_dists", false]], "calculation_required() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.calculation_required", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.calculation_required", false]], "calculator_from_model() (in module hippynn.interfaces.ase_interface)": [[61, "hippynn.interfaces.ase_interface.calculator_from_model", false]], "calculator_from_model() (in module hippynn.interfaces.ase_interface.calculator)": [[64, "hippynn.interfaces.ase_interface.calculator.calculator_from_model", false]], "cellnode (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.CellNode", false]], "cellscaleinducer (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.CellScaleInducer", false]], "chargemomentnode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.ChargeMomentNode", false]], "chargepairsetup (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup", false]], "charges (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Charges", false]], "check() (in module hippynn.interfaces.pyseqm_interface.check)": [[70, "hippynn.interfaces.pyseqm_interface.check.check", false]], "check_all_grad() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_all_grad", false]], "check_all_grad_once() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_all_grad_once", false]], "check_allclose() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_allclose", false]], "check_allclose_once() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_allclose_once", false]], "check_correctness() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_correctness", false]], "check_dist() (in module hippynn.interfaces.pyseqm_interface.check)": [[70, "hippynn.interfaces.pyseqm_interface.check.check_dist", false]], "check_empty() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_empty", false]], "check_evaluation_order() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.check_evaluation_order", false]], "check_grad_and_gradgrad() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_grad_and_gradgrad", false]], "check_gradient() (in module hippynn.interfaces.pyseqm_interface.check)": [[70, "hippynn.interfaces.pyseqm_interface.check.check_gradient", false]], "check_link_consistency() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.check_link_consistency", false]], "check_mapping_devices() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.check_mapping_devices", false]], "check_speed() (envops_tester method)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester.check_speed", false]], "clear_index_cache() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.clear_index_cache", false]], "clear_index_cache() (in module hippynn.graphs.indextypes.registry)": [[39, "hippynn.graphs.indextypes.registry.clear_index_cache", false]], "clear_pair_cache() (in module hippynn.custom_kernels.utils)": [[12, "hippynn.custom_kernels.utils.clear_pair_cache", false]], "closure_step_fn() (in module hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.closure_step_fn", false]], "closurestep (class in hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.ClosureStep", false]], "coerces_values_to_nodes() (in module hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.coerces_values_to_nodes", false]], "collate_inputs() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.collate_inputs", false]], "collate_targets() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.collate_targets", false]], "combineenergy (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.CombineEnergy", false]], "combineenergynode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.CombineEnergyNode", false]], "combinescreenings (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.CombineScreenings", false]], "compatibility_hook() (interactlayervec static method)": [[80, "hippynn.layers.hiplayers.InteractLayerVec.compatibility_hook", false]], "compatibleidxtypetransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer", false]], "composedplotter (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.ComposedPlotter", false]], "compute_descriptors() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_descriptors", false]], "compute_evaluation_order() (in module hippynn.graphs)": [[29, "hippynn.graphs.compute_evaluation_order", false]], "compute_evaluation_order() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.compute_evaluation_order", false]], "compute_forces() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_forces", false]], "compute_gradients() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.compute_gradients", false]], "compute_hipnn_e0() (in module hippynn.networks.hipnn)": [[96, "hippynn.networks.hipnn.compute_hipnn_e0", false]], "compute_index_mask() (in module hippynn.databases.database)": [[15, "hippynn.databases.database.compute_index_mask", false]], "compute_one() (aseneighbors method)": [[65, "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors.compute_one", false]], "compute_one() (kdtreeneighbors method)": [[84, "hippynn.layers.pairs.dispatch.KDTreeNeighbors.compute_one", false]], "compute_one() (npneighbors method)": [[84, "hippynn.layers.pairs.dispatch.NPNeighbors.compute_one", false]], "compute_one() (torchneighbors method)": [[84, "hippynn.layers.pairs.dispatch.TorchNeighbors.compute_one", false]], "config_pruner() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.config_pruner", false]], "configure_optimizers() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.configure_optimizers", false]], "construct_outputs() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.construct_outputs", false]], "controller (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.Controller", false]], "controller (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.controller", false], [26, "hippynn.experiment.routines.SetupParams.controller", false]], "copy_subgraph() (in module hippynn.graphs)": [[29, "hippynn.graphs.copy_subgraph", false]], "copy_subgraph() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.copy_subgraph", false]], "coscutoff (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.CosCutoff", false]], "coulombenergy (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.CoulombEnergy", false]], "coulombenergynode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.CoulombEnergyNode", false]], "cpu_kernel() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.cpu_kernel", false]], "cpu_kernel() (wrappedenvsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.cpu_kernel", false]], "cpu_kernel() (wrappedfeatsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.cpu_kernel", false]], "cpu_kernel() (wrappedsensesum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.cpu_kernel", false]], "create_schnetpack_inputs() (in module hippynn.interfaces.schnetpack_interface)": [[76, "hippynn.interfaces.schnetpack_interface.create_schnetpack_inputs", false]], "create_state() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.create_state", false]], "create_structure_file() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.create_structure_file", false]], "cupyenvsum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyEnvsum", false]], "cupyfeatsum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyFeatsum", false]], "cupygpukernel (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupyGPUKernel", false]], "cupysensesum (class in hippynn.custom_kernels.env_cupy)": [[3, "hippynn.custom_kernels.env_cupy.CupySensesum", false]], "current_epoch (metrictracker property)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.current_epoch", false]], "data (variable property)": [[94, "hippynn.molecular_dynamics.md.Variable.data", false]], "database (class in hippynn.databases)": [[13, "hippynn.databases.Database", false]], "database (class in hippynn.databases.database)": [[15, "hippynn.databases.database.Database", false]], "db_form() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.db_form", false]], "db_form() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.db_form", false]], "db_state_of() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.db_state_of", false]], "debatch() (in module hippynn.optimizer.utils)": [[100, "hippynn.optimizer.utils.debatch", false]], "debatch_coords() (in module hippynn.optimizer.utils)": [[100, "hippynn.optimizer.utils.debatch_coords", false]], "debatch_numbers() (in module hippynn.optimizer.utils)": [[100, "hippynn.optimizer.utils.debatch_numbers", false]], "defaultnetworkexpansion (class in hippynn.graphs.nodes.networks)": [[53, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion", false]], "densitymatrixnode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode", false]], "determine_out_in_targ() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.determine_out_in_targ", false]], "device (moleculardynamics property)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.device", false]], "device (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.device", false], [26, "hippynn.experiment.routines.SetupParams.device", false]], "device (variable property)": [[94, "hippynn.molecular_dynamics.md.Variable.device", false]], "device_fallback() (in module hippynn.tools)": [[106, "hippynn.tools.device_fallback", false]], "dipole (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.Dipole", false]], "dipolenode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.DipoleNode", false]], "directorydatabase (class in hippynn.databases)": [[13, "hippynn.databases.DirectoryDatabase", false]], "directorydatabase (class in hippynn.databases.ondisk)": [[17, "hippynn.databases.ondisk.DirectoryDatabase", false]], "dispatch_indexing() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.dispatch_indexing", false]], "divnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.DivNode", false]], "dtype (moleculardynamics property)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.dtype", false]], "dtype (variable property)": [[94, "hippynn.molecular_dynamics.md.Variable.dtype", false]], "dump_a_step() (optimizer method)": [[99, "hippynn.optimizer.batch_optimizer.Optimizer.dump_a_step", false]], "duq() (geometryoptimizer static method)": [[98, "hippynn.optimizer.algorithms.GeometryOptimizer.duq", false]], "dynamicperiodicpairs (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.DynamicPeriodicPairs", false]], "elapsed (timedsnippet property)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet.elapsed", false]], "elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.elapsed", false]], "elementwise_compare_reduce() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.elementwise_compare_reduce", false]], "elementwise_compare_reduce() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.elementwise_compare_reduce", false]], "emax_criteria() (newtonraphson method)": [[98, "hippynn.optimizer.algorithms.NewtonRaphson.emax_criteria", false]], "empty_tensor() (mliapinterface method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface.empty_tensor", false]], "encoder (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Encoder", false]], "energies (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Energies", false]], "energy_one (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One", false]], "ensembletarget (class in hippynn.graphs.nodes.misc)": [[52, "hippynn.graphs.nodes.misc.EnsembleTarget", false]], "ensembletarget (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.EnsembleTarget", false]], "envops_tester (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.Envops_tester", false]], "envsum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.envsum", false]], "envsum() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.envsum", false]], "envsum_triton() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.envsum_triton", false]], "eval_batch_size (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.eval_batch_size", false], [26, "hippynn.experiment.routines.SetupParams.eval_batch_size", false]], "evaluate() (evaluator method)": [[23, "hippynn.experiment.evaluator.Evaluator.evaluate", false]], "evaluation_print() (metrictracker method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.evaluation_print", false]], "evaluation_print_better() (metrictracker method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.evaluation_print_better", false]], "evaluator (class in hippynn.experiment.evaluator)": [[23, "hippynn.experiment.evaluator.Evaluator", false]], "evaluator (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.evaluator", false]], "ewaldrealspacescreening (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.EwaldRealSpaceScreening", false]], "expand0() (atomdeindexer method)": [[49, "hippynn.graphs.nodes.indexers.AtomDeIndexer.expand0", false]], "expand0() (atomreindexer method)": [[49, "hippynn.graphs.nodes.indexers.AtomReIndexer.expand0", false]], "expand0() (hbondnode method)": [[57, "hippynn.graphs.nodes.targets.HBondNode.expand0", false]], "expand0() (mindistnode method)": [[54, "hippynn.graphs.nodes.pairs.MinDistNode.expand0", false]], "expand0() (openpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.OpenPairIndexer.expand0", false]], "expand0() (paddedneighbornode method)": [[54, "hippynn.graphs.nodes.pairs.PaddedNeighborNode.expand0", false]], "expand0() (paddingindexer method)": [[49, "hippynn.graphs.nodes.indexers.PaddingIndexer.expand0", false]], "expand0() (paircacher method)": [[54, "hippynn.graphs.nodes.pairs.PairCacher.expand0", false]], "expand0() (pairdeindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairDeIndexer.expand0", false]], "expand0() (pairfilter method)": [[54, "hippynn.graphs.nodes.pairs.PairFilter.expand0", false]], "expand0() (pairreindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairReIndexer.expand0", false]], "expand0() (pairuncacher method)": [[54, "hippynn.graphs.nodes.pairs.PairUncacher.expand0", false]], "expand0() (periodicpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.expand0", false]], "expand0() (rdfbins method)": [[54, "hippynn.graphs.nodes.pairs.RDFBins.expand0", false]], "expand0() (seqm_energynode method)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode.expand0", false]], "expand0() (seqm_one_energynode method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode.expand0", false]], "expand1() (atomreindexer method)": [[49, "hippynn.graphs.nodes.indexers.AtomReIndexer.expand1", false]], "expand1() (hbondnode method)": [[57, "hippynn.graphs.nodes.targets.HBondNode.expand1", false]], "expand1() (mindistnode method)": [[54, "hippynn.graphs.nodes.pairs.MinDistNode.expand1", false]], "expand1() (paircacher method)": [[54, "hippynn.graphs.nodes.pairs.PairCacher.expand1", false]], "expand1() (pairdeindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairDeIndexer.expand1", false]], "expand1() (pairreindexer method)": [[54, "hippynn.graphs.nodes.pairs.PairReIndexer.expand1", false]], "expand1() (pairuncacher method)": [[54, "hippynn.graphs.nodes.pairs.PairUncacher.expand1", false]], "expand1() (periodicpairindexer method)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer.expand1", false]], "expand1() (rdfbins method)": [[54, "hippynn.graphs.nodes.pairs.RDFBins.expand1", false]], "expand2() (mindistnode method)": [[54, "hippynn.graphs.nodes.pairs.MinDistNode.expand2", false]], "expand2() (rdfbins method)": [[54, "hippynn.graphs.nodes.pairs.RDFBins.expand2", false]], "expand3() (rdfbins method)": [[54, "hippynn.graphs.nodes.pairs.RDFBins.expand3", false]], "expand_parents() (expandparents method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ExpandParents.expand_parents", false]], "expandparentmeta (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ExpandParentMeta", false]], "expandparents (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ExpandParents", false]], "expansion0() (atomtomolsummer method)": [[55, "hippynn.graphs.nodes.physics.AtomToMolSummer.expansion0", false]], "expansion0() (bondtomolsummmer method)": [[55, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion0", false]], "expansion0() (chargemomentnode method)": [[55, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion0", false]], "expansion0() (chargepairsetup method)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion0", false]], "expansion0() (combineenergynode method)": [[55, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion0", false]], "expansion0() (defaultnetworkexpansion method)": [[53, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion.expansion0", false]], "expansion0() (hchargenode method)": [[57, "hippynn.graphs.nodes.targets.HChargeNode.expansion0", false]], "expansion0() (henergynode method)": [[57, "hippynn.graphs.nodes.targets.HEnergyNode.expansion0", false]], "expansion0() (localchargeenergy method)": [[57, "hippynn.graphs.nodes.targets.LocalChargeEnergy.expansion0", false]], "expansion0() (localenergynode method)": [[48, "hippynn.graphs.nodes.excited.LocalEnergyNode.expansion0", false]], "expansion0() (peratom method)": [[55, "hippynn.graphs.nodes.physics.PerAtom.expansion0", false]], "expansion0() (sysmaxofatomsnode method)": [[49, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.expansion0", false]], "expansion1() (atomtomolsummer method)": [[55, "hippynn.graphs.nodes.physics.AtomToMolSummer.expansion1", false]], "expansion1() (bondtomolsummmer method)": [[55, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion1", false]], "expansion1() (chargemomentnode method)": [[55, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion1", false]], "expansion1() (chargepairsetup method)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion1", false]], "expansion1() (combineenergynode method)": [[55, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion1", false]], "expansion1() (defaultnetworkexpansion method)": [[53, "hippynn.graphs.nodes.networks.DefaultNetworkExpansion.expansion1", false]], "expansion1() (localenergynode method)": [[48, "hippynn.graphs.nodes.excited.LocalEnergyNode.expansion1", false]], "expansion1() (peratom method)": [[55, "hippynn.graphs.nodes.physics.PerAtom.expansion1", false]], "expansion1() (sysmaxofatomsnode method)": [[49, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode.expansion1", false]], "expansion2() (bondtomolsummmer method)": [[55, "hippynn.graphs.nodes.physics.BondToMolSummmer.expansion2", false]], "expansion2() (chargemomentnode method)": [[55, "hippynn.graphs.nodes.physics.ChargeMomentNode.expansion2", false]], "expansion2() (chargepairsetup method)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion2", false]], "expansion2() (combineenergynode method)": [[55, "hippynn.graphs.nodes.physics.CombineEnergyNode.expansion2", false]], "expansion2() (hipnn method)": [[53, "hippynn.graphs.nodes.networks.Hipnn.expansion2", false]], "expansion2() (hipnnvec method)": [[53, "hippynn.graphs.nodes.networks.HipnnVec.expansion2", false]], "expansion2() (vecmag method)": [[55, "hippynn.graphs.nodes.physics.VecMag.expansion2", false]], "expansion3() (chargepairsetup method)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion3", false]], "expansion4() (chargepairsetup method)": [[55, "hippynn.graphs.nodes.physics.ChargePairSetup.expansion4", false]], "externalneighborindexer (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer", false]], "externalneighbors (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.ExternalNeighbors", false]], "extra_repr() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.extra_repr", false], [32, "hippynn.graphs.graph.GraphModule.extra_repr", false]], "extra_repr() (idx method)": [[78, "hippynn.layers.algebra.Idx.extra_repr", false]], "extra_repr() (lambdamodule method)": [[78, "hippynn.layers.algebra.LambdaModule.extra_repr", false]], "extra_repr() (valuemod method)": [[78, "hippynn.layers.algebra.ValueMod.extra_repr", false]], "extract_snap_file() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.extract_snap_file", false]], "featsum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.featsum", false]], "featsum() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.featsum", false]], "featsum_triton() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.featsum_triton", false]], "filter_arrays() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.filter_arrays", false]], "filter_pairs() (in module hippynn.layers.pairs.periodic)": [[88, "hippynn.layers.pairs.periodic.filter_pairs", false]], "filterbondsoneway (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.FilterBondsOneway", false]], "filterbondsoneway (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.FilterBondsOneway", false]], "filterdistance (class in hippynn.layers.pairs.filters)": [[85, "hippynn.layers.pairs.filters.FilterDistance", false]], "find_relatives() (in module hippynn.graphs)": [[29, "hippynn.graphs.find_relatives", false]], "find_relatives() (in module hippynn.graphs.nodes.base.node_functions)": [[47, "hippynn.graphs.nodes.base.node_functions.find_relatives", false]], "find_unique_relative() (in module hippynn.graphs)": [[29, "hippynn.graphs.find_unique_relative", false]], "find_unique_relative() (in module hippynn.graphs.nodes.base.node_functions)": [[47, "hippynn.graphs.nodes.base.node_functions.find_unique_relative", false]], "fire (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.FIRE", false]], "flush() (teed_file_output method)": [[106, "hippynn.tools.teed_file_output.flush", false]], "fmax_criteria() (geometryoptimizer static method)": [[98, "hippynn.optimizer.algorithms.GeometryOptimizer.fmax_criteria", false]], "fn() (compatibleidxtypetransformer static method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer.fn", false]], "fn() (indexformtransformer method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer.fn", false]], "fn() (mainoutputtransformer static method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer.fn", false]], "forcenode (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.ForceNode", false]], "formassertion (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertion", false]], "formassertlength (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength", false]], "format_form_name() (in module hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.format_form_name", false]], "formhandler (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormHandler", false]], "formtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.FormTransformer", false]], "forward() (atleast2d method)": [[78, "hippynn.layers.algebra.AtLeast2D.forward", false]], "forward() (atomdeindexer method)": [[81, "hippynn.layers.indexers.AtomDeIndexer.forward", false]], "forward() (atommask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask.forward", false]], "forward() (atomreindexer method)": [[81, "hippynn.layers.indexers.AtomReIndexer.forward", false]], "forward() (cellscaleinducer method)": [[81, "hippynn.layers.indexers.CellScaleInducer.forward", false]], "forward() (combineenergy method)": [[89, "hippynn.layers.physics.CombineEnergy.forward", false]], "forward() (combinescreenings method)": [[89, "hippynn.layers.physics.CombineScreenings.forward", false]], "forward() (coscutoff method)": [[80, "hippynn.layers.hiplayers.CosCutoff.forward", false]], "forward() (coulombenergy method)": [[89, "hippynn.layers.physics.CoulombEnergy.forward", false]], "forward() (dipole method)": [[89, "hippynn.layers.physics.Dipole.forward", false]], "forward() (ensembletarget method)": [[78, "hippynn.layers.algebra.EnsembleTarget.forward", false]], "forward() (ewaldrealspacescreening method)": [[89, "hippynn.layers.physics.EwaldRealSpaceScreening.forward", false]], "forward() (externalneighbors method)": [[86, "hippynn.layers.pairs.indexing.ExternalNeighbors.forward", false]], "forward() (filterbondsoneway method)": [[81, "hippynn.layers.indexers.FilterBondsOneway.forward", false]], "forward() (filterdistance method)": [[85, "hippynn.layers.pairs.filters.FilterDistance.forward", false]], "forward() (fuzzyhistogram method)": [[81, "hippynn.layers.indexers.FuzzyHistogram.forward", false]], "forward() (gaussiansensitivitymodule method)": [[80, "hippynn.layers.hiplayers.GaussianSensitivityModule.forward", false]], "forward() (gen_par method)": [[71, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par.forward", false]], "forward() (gradient method)": [[89, "hippynn.layers.physics.Gradient.forward", false]], "forward() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.forward", false], [32, "hippynn.graphs.graph.GraphModule.forward", false]], "forward() (hamiltonian_one method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One.forward", false]], "forward() (hbondsymmetric method)": [[91, "hippynn.layers.targets.HBondSymmetric.forward", false]], "forward() (hcharge method)": [[91, "hippynn.layers.targets.HCharge.forward", false]], "forward() (henergy method)": [[91, "hippynn.layers.targets.HEnergy.forward", false]], "forward() (hipnn method)": [[96, "hippynn.networks.hipnn.Hipnn.forward", false]], "forward() (hipnnvec method)": [[96, "hippynn.networks.hipnn.HipnnVec.forward", false]], "forward() (idx method)": [[78, "hippynn.layers.algebra.Idx.forward", false]], "forward() (interactlayer method)": [[80, "hippynn.layers.hiplayers.InteractLayer.forward", false]], "forward() (interactlayerquad method)": [[80, "hippynn.layers.hiplayers.InteractLayerQuad.forward", false]], "forward() (interactlayervec method)": [[80, "hippynn.layers.hiplayers.InteractLayerVec.forward", false]], "forward() (inversesensitivitymodule method)": [[80, "hippynn.layers.hiplayers.InverseSensitivityModule.forward", false]], "forward() (kdtreepairsmemory method)": [[84, "hippynn.layers.pairs.dispatch.KDTreePairsMemory.forward", false]], "forward() (lambdamodule method)": [[78, "hippynn.layers.algebra.LambdaModule.forward", false]], "forward() (listmod method)": [[78, "hippynn.layers.algebra.ListMod.forward", false]], "forward() (localatomsenergy method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy.forward", false]], "forward() (localchargeenergy method)": [[91, "hippynn.layers.targets.LocalChargeEnergy.forward", false]], "forward() (localdampingcosine method)": [[89, "hippynn.layers.physics.LocalDampingCosine.forward", false]], "forward() (localenergy method)": [[79, "hippynn.layers.excited.LocalEnergy.forward", false]], "forward() (lpreg method)": [[90, "hippynn.layers.regularization.LPReg.forward", false]], "forward() (mindistmodule method)": [[83, "hippynn.layers.pairs.analysis.MinDistModule.forward", false]], "forward() (mlseqm method)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.forward", false]], "forward() (molpairsummer method)": [[86, "hippynn.layers.pairs.indexing.MolPairSummer.forward", false]], "forward() (molsummer method)": [[81, "hippynn.layers.indexers.MolSummer.forward", false]], "forward() (multigradient method)": [[89, "hippynn.layers.physics.MultiGradient.forward", false]], "forward() (nacr method)": [[79, "hippynn.layers.excited.NACR.forward", false]], "forward() (nacrmultistate method)": [[79, "hippynn.layers.excited.NACRMultiState.forward", false]], "forward() (onehotspecies method)": [[81, "hippynn.layers.indexers.OneHotSpecies.forward", false]], "forward() (openpairindexer method)": [[87, "hippynn.layers.pairs.open.OpenPairIndexer.forward", false]], "forward() (paddedneighmodule method)": [[86, "hippynn.layers.pairs.indexing.PaddedNeighModule.forward", false]], "forward() (paddingindexer method)": [[81, "hippynn.layers.indexers.PaddingIndexer.forward", false]], "forward() (paircacher method)": [[86, "hippynn.layers.pairs.indexing.PairCacher.forward", false]], "forward() (pairdeindexer method)": [[86, "hippynn.layers.pairs.indexing.PairDeIndexer.forward", false]], "forward() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.forward", false]], "forward() (pairreindexer method)": [[86, "hippynn.layers.pairs.indexing.PairReIndexer.forward", false]], "forward() (pairuncacher method)": [[86, "hippynn.layers.pairs.indexing.PairUncacher.forward", false]], "forward() (peratom method)": [[89, "hippynn.layers.physics.PerAtom.forward", false]], "forward() (periodicpairindexer method)": [[88, "hippynn.layers.pairs.periodic.PeriodicPairIndexer.forward", false]], "forward() (periodicpairindexermemory method)": [[88, "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory.forward", false]], "forward() (qscreening method)": [[89, "hippynn.layers.physics.QScreening.forward", false]], "forward() (quadpack method)": [[81, "hippynn.layers.indexers.QuadPack.forward", false]], "forward() (quadrupole method)": [[89, "hippynn.layers.physics.Quadrupole.forward", false]], "forward() (quadunpack method)": [[81, "hippynn.layers.indexers.QuadUnpack.forward", false]], "forward() (rdfbins method)": [[83, "hippynn.layers.pairs.analysis.RDFBins.forward", false]], "forward() (reindexatommod method)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod.forward", false]], "forward() (resnetwrapper method)": [[92, "hippynn.layers.transform.ResNetWrapper.forward", false]], "forward() (rsqmod method)": [[51, "hippynn.graphs.nodes.loss.RsqMod.forward", false]], "forward() (scale method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale.forward", false]], "forward() (schnetwrapper method)": [[76, "hippynn.interfaces.schnetpack_interface.SchNetWrapper.forward", false]], "forward() (screenedcoulombenergy method)": [[89, "hippynn.layers.physics.ScreenedCoulombEnergy.forward", false]], "forward() (sensitivitybottleneck method)": [[80, "hippynn.layers.hiplayers.SensitivityBottleneck.forward", false]], "forward() (seqm_all method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All.forward", false]], "forward() (seqm_energy method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy.forward", false]], "forward() (seqm_maskonmol method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol.forward", false]], "forward() (seqm_maskonmolatom method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom.forward", false]], "forward() (seqm_maskonmolorbital method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital.forward", false]], "forward() (seqm_maskonmolorbitalatom method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom.forward", false]], "forward() (seqm_molmask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask.forward", false]], "forward() (seqm_one_all method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All.forward", false]], "forward() (seqm_one_energy method)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy.forward", false]], "forward() (seqm_orbitalmask method)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask.forward", false]], "forward() (staticimageperiodicpairindexer method)": [[88, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer.forward", false]], "forward() (stressforce method)": [[89, "hippynn.layers.physics.StressForce.forward", false]], "forward() (sysmaxofatoms method)": [[81, "hippynn.layers.indexers.SysMaxOfAtoms.forward", false]], "forward() (valuemod method)": [[78, "hippynn.layers.algebra.ValueMod.forward", false]], "forward() (vecmag method)": [[89, "hippynn.layers.physics.VecMag.forward", false]], "forward() (wolfscreening method)": [[89, "hippynn.layers.physics.WolfScreening.forward", false]], "fraction_train_eval (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.fraction_train_eval", false], [26, "hippynn.experiment.routines.SetupParams.fraction_train_eval", false]], "from_evaluator() (metrictracker class method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.from_evaluator", false]], "from_experiment_setup() (hippynnlightningmodule class method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.from_experiment_setup", false]], "from_graph() (predictor class method)": [[29, "hippynn.graphs.Predictor.from_graph", false], [58, "hippynn.graphs.predictor.Predictor.from_graph", false]], "from_train_setup() (hippynnlightningmodule class method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.from_train_setup", false]], "fuzzyhistogram (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.FuzzyHistogram", false]], "fuzzyhistogrammer (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.FuzzyHistogrammer", false]], "gaussiansensitivitymodule (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.GaussianSensitivityModule", false]], "gen_par (class in hippynn.interfaces.pyseqm_interface.gen_par)": [[71, "hippynn.interfaces.pyseqm_interface.gen_par.gen_par", false]], "generate_database_info() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.generate_database_info", false]], "geometryoptimizer (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.GeometryOptimizer", false]], "get_autotune_config() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.get_autotune_config", false]], "get_charges() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_charges", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_charges", false]], "get_connected_nodes() (in module hippynn.graphs)": [[29, "hippynn.graphs.get_connected_nodes", false]], "get_connected_nodes() (in module hippynn.graphs.nodes.base.node_functions)": [[47, "hippynn.graphs.nodes.base.node_functions.get_connected_nodes", false]], "get_data() (moleculardynamics method)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.get_data", false]], "get_device() (database method)": [[13, "hippynn.databases.Database.get_device", false], [15, "hippynn.databases.database.Database.get_device", false]], "get_dipole() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_dipole", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_dipole", false]], "get_dipole_moment() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_dipole_moment", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_dipole_moment", false]], "get_energies() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_energies", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_energies", false]], "get_energy() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_energy", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_energy", false]], "get_extra_state() (interactlayervec method)": [[80, "hippynn.layers.hiplayers.InteractLayerVec.get_extra_state", false]], "get_file_dict() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.get_file_dict", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.get_file_dict", false]], "get_forces() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_forces", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_forces", false]], "get_free_energy() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_free_energy", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_free_energy", false]], "get_graphs() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.get_graphs", false]], "get_magmom() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_magmom", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_magmom", false]], "get_magmoms() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_magmoms", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_magmoms", false]], "get_main_outputs() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.get_main_outputs", false]], "get_module() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.get_module", false], [32, "hippynn.graphs.graph.GraphModule.get_module", false]], "get_potential_energies() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_potential_energies", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_potential_energies", false]], "get_potential_energy() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_potential_energy", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_potential_energy", false]], "get_property() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_property", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_property", false]], "get_reduced_index_state() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.get_reduced_index_state", false]], "get_reduced_index_state() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.get_reduced_index_state", false]], "get_simulated_data() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.get_simulated_data", false]], "get_step_function() (in module hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.get_step_function", false]], "get_stress() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_stress", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_stress", false]], "get_stresses() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.get_stresses", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.get_stresses", false]], "get_subgraph() (in module hippynn.graphs)": [[29, "hippynn.graphs.get_subgraph", false]], "get_subgraph() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.get_subgraph", false]], "gradient (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.Gradient", false]], "gradientnode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.GradientNode", false]], "graphinconsistency": [[31, "hippynn.graphs.gops.GraphInconsistency", false]], "graphmodule (class in hippynn.graphs)": [[29, "hippynn.graphs.GraphModule", false]], "graphmodule (class in hippynn.graphs.graph)": [[32, "hippynn.graphs.graph.GraphModule", false]], "hamiltonian_one (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One", false]], "hatomregressor (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.HAtomRegressor", false]], "hbondnode (class in hippynn.graphs.nodes.targets)": [[57, "hippynn.graphs.nodes.targets.HBondNode", false]], "hbondsymmetric (class in hippynn.layers.targets)": [[91, "hippynn.layers.targets.HBondSymmetric", false]], "hcharge (class in hippynn.layers.targets)": [[91, "hippynn.layers.targets.HCharge", false]], "hchargenode (class in hippynn.graphs.nodes.targets)": [[57, "hippynn.graphs.nodes.targets.HChargeNode", false]], "henergy (class in hippynn.layers.targets)": [[91, "hippynn.layers.targets.HEnergy", false]], "henergynode (class in hippynn.graphs.nodes.targets)": [[57, "hippynn.graphs.nodes.targets.HEnergyNode", false]], "hierarchical_energy_initialization() (in module hippynn.pretraining)": [[105, "hippynn.pretraining.hierarchical_energy_initialization", false]], "hierarchicalityplot (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.HierarchicalityPlot", false]], "hipnn (class in hippynn.graphs.nodes.networks)": [[53, "hippynn.graphs.nodes.networks.Hipnn", false]], "hipnn (class in hippynn.networks.hipnn)": [[96, "hippynn.networks.hipnn.Hipnn", false]], "hipnnquad (class in hippynn.graphs.nodes.networks)": [[53, "hippynn.graphs.nodes.networks.HipnnQuad", false]], "hipnnquad (class in hippynn.networks.hipnn)": [[96, "hippynn.networks.hipnn.HipnnQuad", false]], "hipnnvec (class in hippynn.graphs.nodes.networks)": [[53, "hippynn.graphs.nodes.networks.HipnnVec", false]], "hipnnvec (class in hippynn.networks.hipnn)": [[96, "hippynn.networks.hipnn.HipnnVec", false]], "hippynn": [[0, "module-hippynn", false]], "hippynn.custom_kernels": [[1, "module-hippynn.custom_kernels", false]], "hippynn.custom_kernels.autograd_wrapper": [[2, "module-hippynn.custom_kernels.autograd_wrapper", false]], "hippynn.custom_kernels.env_cupy": [[3, "module-hippynn.custom_kernels.env_cupy", false]], "hippynn.custom_kernels.env_numba": [[4, "module-hippynn.custom_kernels.env_numba", false]], "hippynn.custom_kernels.env_pytorch": [[5, "module-hippynn.custom_kernels.env_pytorch", false]], "hippynn.custom_kernels.env_triton": [[6, "module-hippynn.custom_kernels.env_triton", false]], "hippynn.custom_kernels.fast_convert": [[7, "module-hippynn.custom_kernels.fast_convert", false]], "hippynn.custom_kernels.tensor_wrapper": [[8, "module-hippynn.custom_kernels.tensor_wrapper", false]], "hippynn.custom_kernels.test_env_cupy": [[9, "module-hippynn.custom_kernels.test_env_cupy", false]], "hippynn.custom_kernels.test_env_numba": [[10, "module-hippynn.custom_kernels.test_env_numba", false]], "hippynn.custom_kernels.test_env_triton": [[11, "module-hippynn.custom_kernels.test_env_triton", false]], "hippynn.custom_kernels.utils": [[12, "module-hippynn.custom_kernels.utils", false]], "hippynn.databases": [[13, "module-hippynn.databases", false]], "hippynn.databases.database": [[15, "module-hippynn.databases.database", false]], "hippynn.databases.ondisk": [[17, "module-hippynn.databases.ondisk", false]], "hippynn.databases.restarter": [[18, "module-hippynn.databases.restarter", false]], "hippynn.databases.snapjson": [[14, "module-hippynn.databases.SNAPJson", false]], "hippynn.experiment": [[19, "module-hippynn.experiment", false]], "hippynn.experiment.assembly": [[20, "module-hippynn.experiment.assembly", false]], "hippynn.experiment.controllers": [[21, "module-hippynn.experiment.controllers", false]], "hippynn.experiment.device": [[22, "module-hippynn.experiment.device", false]], "hippynn.experiment.evaluator": [[23, "module-hippynn.experiment.evaluator", false]], "hippynn.experiment.lightning_trainer": [[24, "module-hippynn.experiment.lightning_trainer", false]], "hippynn.experiment.metric_tracker": [[25, "module-hippynn.experiment.metric_tracker", false]], "hippynn.experiment.routines": [[26, "module-hippynn.experiment.routines", false]], "hippynn.experiment.serialization": [[27, "module-hippynn.experiment.serialization", false]], "hippynn.experiment.step_functions": [[28, "module-hippynn.experiment.step_functions", false]], "hippynn.graphs": [[29, "module-hippynn.graphs", false]], "hippynn.graphs.ensemble": [[30, "module-hippynn.graphs.ensemble", false]], "hippynn.graphs.gops": [[31, "module-hippynn.graphs.gops", false]], "hippynn.graphs.graph": [[32, "module-hippynn.graphs.graph", false]], "hippynn.graphs.indextransformers": [[33, "module-hippynn.graphs.indextransformers", false]], "hippynn.graphs.indextransformers.atoms": [[34, "module-hippynn.graphs.indextransformers.atoms", false]], "hippynn.graphs.indextransformers.pairs": [[35, "module-hippynn.graphs.indextransformers.pairs", false]], "hippynn.graphs.indextransformers.tensors": [[36, "module-hippynn.graphs.indextransformers.tensors", false]], "hippynn.graphs.indextypes": [[37, "module-hippynn.graphs.indextypes", false]], "hippynn.graphs.indextypes.reduce_funcs": [[38, "module-hippynn.graphs.indextypes.reduce_funcs", false]], "hippynn.graphs.indextypes.registry": [[39, "module-hippynn.graphs.indextypes.registry", false]], "hippynn.graphs.indextypes.type_def": [[40, "module-hippynn.graphs.indextypes.type_def", false]], "hippynn.graphs.nodes": [[41, "module-hippynn.graphs.nodes", false]], "hippynn.graphs.nodes.base": [[42, "module-hippynn.graphs.nodes.base", false]], "hippynn.graphs.nodes.base.algebra": [[43, "module-hippynn.graphs.nodes.base.algebra", false]], "hippynn.graphs.nodes.base.base": [[44, "module-hippynn.graphs.nodes.base.base", false]], "hippynn.graphs.nodes.base.definition_helpers": [[45, "module-hippynn.graphs.nodes.base.definition_helpers", false]], "hippynn.graphs.nodes.base.multi": [[46, "module-hippynn.graphs.nodes.base.multi", false]], "hippynn.graphs.nodes.base.node_functions": [[47, "module-hippynn.graphs.nodes.base.node_functions", false]], "hippynn.graphs.nodes.excited": [[48, "module-hippynn.graphs.nodes.excited", false]], "hippynn.graphs.nodes.indexers": [[49, "module-hippynn.graphs.nodes.indexers", false]], "hippynn.graphs.nodes.inputs": [[50, "module-hippynn.graphs.nodes.inputs", false]], "hippynn.graphs.nodes.loss": [[51, "module-hippynn.graphs.nodes.loss", false]], "hippynn.graphs.nodes.misc": [[52, "module-hippynn.graphs.nodes.misc", false]], "hippynn.graphs.nodes.networks": [[53, "module-hippynn.graphs.nodes.networks", false]], "hippynn.graphs.nodes.pairs": [[54, "module-hippynn.graphs.nodes.pairs", false]], "hippynn.graphs.nodes.physics": [[55, "module-hippynn.graphs.nodes.physics", false]], "hippynn.graphs.nodes.tags": [[56, "module-hippynn.graphs.nodes.tags", false]], "hippynn.graphs.nodes.targets": [[57, "module-hippynn.graphs.nodes.targets", false]], "hippynn.graphs.predictor": [[58, "module-hippynn.graphs.predictor", false]], "hippynn.graphs.viz": [[59, "module-hippynn.graphs.viz", false]], "hippynn.interfaces": [[60, "module-hippynn.interfaces", false]], "hippynn.interfaces.ase_interface": [[61, "module-hippynn.interfaces.ase_interface", false]], "hippynn.interfaces.ase_interface.ase_database": [[62, "module-hippynn.interfaces.ase_interface.ase_database", false]], "hippynn.interfaces.ase_interface.ase_unittests": [[63, "module-hippynn.interfaces.ase_interface.ase_unittests", false]], "hippynn.interfaces.ase_interface.calculator": [[64, "module-hippynn.interfaces.ase_interface.calculator", false]], "hippynn.interfaces.ase_interface.pairfinder": [[65, "module-hippynn.interfaces.ase_interface.pairfinder", false]], "hippynn.interfaces.lammps_interface": [[66, "module-hippynn.interfaces.lammps_interface", false]], "hippynn.interfaces.lammps_interface.mliap_interface": [[67, "module-hippynn.interfaces.lammps_interface.mliap_interface", false]], "hippynn.interfaces.pyseqm_interface": [[68, "module-hippynn.interfaces.pyseqm_interface", false]], "hippynn.interfaces.pyseqm_interface.callback": [[69, "module-hippynn.interfaces.pyseqm_interface.callback", false]], "hippynn.interfaces.pyseqm_interface.check": [[70, "module-hippynn.interfaces.pyseqm_interface.check", false]], "hippynn.interfaces.pyseqm_interface.gen_par": [[71, "module-hippynn.interfaces.pyseqm_interface.gen_par", false]], "hippynn.interfaces.pyseqm_interface.mlseqm": [[72, "module-hippynn.interfaces.pyseqm_interface.mlseqm", false]], "hippynn.interfaces.pyseqm_interface.seqm_modules": [[73, "module-hippynn.interfaces.pyseqm_interface.seqm_modules", false]], "hippynn.interfaces.pyseqm_interface.seqm_nodes": [[74, "module-hippynn.interfaces.pyseqm_interface.seqm_nodes", false]], "hippynn.interfaces.pyseqm_interface.seqm_one": [[75, "module-hippynn.interfaces.pyseqm_interface.seqm_one", false]], "hippynn.interfaces.schnetpack_interface": [[76, "module-hippynn.interfaces.schnetpack_interface", false]], "hippynn.layers": [[77, "module-hippynn.layers", false]], "hippynn.layers.algebra": [[78, "module-hippynn.layers.algebra", false]], "hippynn.layers.excited": [[79, "module-hippynn.layers.excited", false]], "hippynn.layers.hiplayers": [[80, "module-hippynn.layers.hiplayers", false]], "hippynn.layers.indexers": [[81, "module-hippynn.layers.indexers", false]], "hippynn.layers.pairs": [[82, "module-hippynn.layers.pairs", false]], "hippynn.layers.pairs.analysis": [[83, "module-hippynn.layers.pairs.analysis", false]], "hippynn.layers.pairs.dispatch": [[84, "module-hippynn.layers.pairs.dispatch", false]], "hippynn.layers.pairs.filters": [[85, "module-hippynn.layers.pairs.filters", false]], "hippynn.layers.pairs.indexing": [[86, "module-hippynn.layers.pairs.indexing", false]], "hippynn.layers.pairs.open": [[87, "module-hippynn.layers.pairs.open", false]], "hippynn.layers.pairs.periodic": [[88, "module-hippynn.layers.pairs.periodic", false]], "hippynn.layers.physics": [[89, "module-hippynn.layers.physics", false]], "hippynn.layers.regularization": [[90, "module-hippynn.layers.regularization", false]], "hippynn.layers.targets": [[91, "module-hippynn.layers.targets", false]], "hippynn.layers.transform": [[92, "module-hippynn.layers.transform", false]], "hippynn.molecular_dynamics": [[93, "module-hippynn.molecular_dynamics", false]], "hippynn.molecular_dynamics.md": [[94, "module-hippynn.molecular_dynamics.md", false]], "hippynn.networks": [[95, "module-hippynn.networks", false]], "hippynn.networks.hipnn": [[96, "module-hippynn.networks.hipnn", false]], "hippynn.optimizer": [[97, "module-hippynn.optimizer", false]], "hippynn.optimizer.algorithms": [[98, "module-hippynn.optimizer.algorithms", false]], "hippynn.optimizer.batch_optimizer": [[99, "module-hippynn.optimizer.batch_optimizer", false]], "hippynn.optimizer.utils": [[100, "module-hippynn.optimizer.utils", false]], "hippynn.plotting": [[101, "module-hippynn.plotting", false]], "hippynn.plotting.plotmaker": [[102, "module-hippynn.plotting.plotmaker", false]], "hippynn.plotting.plotters": [[103, "module-hippynn.plotting.plotters", false]], "hippynn.plotting.timeplots": [[104, "module-hippynn.plotting.timeplots", false]], "hippynn.pretraining": [[105, "module-hippynn.pretraining", false]], "hippynn.tools": [[106, "module-hippynn.tools", false]], "hippynncalculator (class in hippynn.interfaces.ase_interface)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator", false]], "hippynncalculator (class in hippynn.interfaces.ase_interface.calculator)": [[64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator", false]], "hippynndatamodule (class in hippynn.experiment.lightning_trainer)": [[24, "hippynn.experiment.lightning_trainer.HippynnDataModule", false]], "hippynnlightningmodule (class in hippynn.experiment.lightning_trainer)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule", false]], "hist1d (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.Hist1D", false]], "hist1dcomp (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.Hist1DComp", false]], "hist2d (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.Hist2D", false]], "identify_inputs() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.identify_inputs", false]], "identify_targets() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.identify_targets", false]], "idx (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.Idx", false]], "idx_atom_molatom() (in module hippynn.graphs.indextransformers.atoms)": [[34, "hippynn.graphs.indextransformers.atoms.idx_atom_molatom", false]], "idx_molatom_atom() (in module hippynn.graphs.indextransformers.atoms)": [[34, "hippynn.graphs.indextransformers.atoms.idx_molatom_atom", false]], "idx_molatomatom_pair() (in module hippynn.graphs.indextransformers.pairs)": [[35, "hippynn.graphs.indextransformers.pairs.idx_molatomatom_pair", false]], "idx_pair_molatomatom() (in module hippynn.graphs.indextransformers.pairs)": [[35, "hippynn.graphs.indextransformers.pairs.idx_pair_molatomatom", false]], "idx_quadtrimol() (in module hippynn.graphs.indextransformers.tensors)": [[36, "hippynn.graphs.indextransformers.tensors.idx_QuadTriMol", false]], "idxtype (class in hippynn.graphs)": [[29, "hippynn.graphs.IdxType", false]], "idxtype (class in hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.IdxType", false]], "idxtype (class in hippynn.graphs.indextypes.type_def)": [[40, "hippynn.graphs.indextypes.type_def.IdxType", false]], "index_type_coercion() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.index_type_coercion", false]], "index_type_coercion() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.index_type_coercion", false]], "indexformtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer", false]], "indexnode (class in hippynn.graphs.nodes.base.multi)": [[46, "hippynn.graphs.nodes.base.multi.IndexNode", false]], "indices (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.Indices", false]], "initialize_buffers() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.initialize_buffers", false]], "input_type_str (cellnode attribute)": [[50, "hippynn.graphs.nodes.inputs.CellNode.input_type_str", false]], "input_type_str (densitymatrixnode attribute)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode.input_type_str", false]], "input_type_str (forcenode attribute)": [[50, "hippynn.graphs.nodes.inputs.ForceNode.input_type_str", false]], "input_type_str (indices attribute)": [[50, "hippynn.graphs.nodes.inputs.Indices.input_type_str", false]], "input_type_str (inputcharges attribute)": [[50, "hippynn.graphs.nodes.inputs.InputCharges.input_type_str", false]], "input_type_str (inputnode attribute)": [[44, "hippynn.graphs.nodes.base.base.InputNode.input_type_str", false]], "input_type_str (notconvergednode attribute)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode.input_type_str", false]], "input_type_str (pairindices attribute)": [[50, "hippynn.graphs.nodes.inputs.PairIndices.input_type_str", false]], "input_type_str (positionsnode attribute)": [[50, "hippynn.graphs.nodes.inputs.PositionsNode.input_type_str", false]], "input_type_str (speciesnode attribute)": [[50, "hippynn.graphs.nodes.inputs.SpeciesNode.input_type_str", false]], "input_type_str (splitindices attribute)": [[50, "hippynn.graphs.nodes.inputs.SplitIndices.input_type_str", false]], "inputcharges (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.InputCharges", false]], "inputnode (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.InputNode", false]], "inputs (predictor property)": [[29, "hippynn.graphs.Predictor.inputs", false], [58, "hippynn.graphs.predictor.Predictor.inputs", false]], "interaction_layers (hipnn property)": [[96, "hippynn.networks.hipnn.Hipnn.interaction_layers", false]], "interactionplot (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.InteractionPlot", false]], "interactlayer (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.InteractLayer", false]], "interactlayerquad (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.InteractLayerQuad", false]], "interactlayervec (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.InteractLayerVec", false]], "inversesensitivitymodule (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.InverseSensitivityModule", false]], "invnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.InvNode", false]], "is_equal_state_dict() (in module hippynn.tools)": [[106, "hippynn.tools.is_equal_state_dict", false]], "is_scheduler_like() (in module hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.is_scheduler_like", false]], "isiterable() (in module hippynn.tools)": [[106, "hippynn.tools.isiterable", false]], "k (lightingprintstagescallback attribute)": [[24, "hippynn.experiment.lightning_trainer.LightingPrintStagesCallback.k", false]], "kdtreeneighbors (class in hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.KDTreeNeighbors", false]], "kdtreepairs (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.KDTreePairs", false]], "kdtreepairsmemory (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.KDTreePairsMemory", false]], "kdtreepairsmemory (class in hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.KDTreePairsMemory", false]], "l1reg() (in module hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.l1reg", false]], "l2reg() (in module hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.l2reg", false]], "lambdamodule (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.LambdaModule", false]], "langevindynamics (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.LangevinDynamics", false]], "launch_bounds() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.launch_bounds", false]], "launch_bounds() (wrappedenvsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.launch_bounds", false]], "launch_bounds() (wrappedfeatsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.launch_bounds", false]], "launch_bounds() (wrappedsensesum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.launch_bounds", false]], "learning_rate (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.learning_rate", false], [26, "hippynn.experiment.routines.SetupParams.learning_rate", false]], "lightingprintstagescallback (class in hippynn.experiment.lightning_trainer)": [[24, "hippynn.experiment.lightning_trainer.LightingPrintStagesCallback", false]], "listmod (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.ListMod", false]], "listnode (class in hippynn.graphs.nodes.misc)": [[52, "hippynn.graphs.nodes.misc.ListNode", false]], "load_arrays() (asedatabase method)": [[13, "hippynn.databases.AseDatabase.load_arrays", false], [61, "hippynn.interfaces.ase_interface.AseDatabase.load_arrays", false], [62, "hippynn.interfaces.ase_interface.ase_database.AseDatabase.load_arrays", false]], "load_arrays() (directorydatabase method)": [[13, "hippynn.databases.DirectoryDatabase.load_arrays", false], [17, "hippynn.databases.ondisk.DirectoryDatabase.load_arrays", false]], "load_arrays() (npzdatabase method)": [[13, "hippynn.databases.NPZDatabase.load_arrays", false], [17, "hippynn.databases.ondisk.NPZDatabase.load_arrays", false]], "load_arrays() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.load_arrays", false]], "load_checkpoint() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.load_checkpoint", false]], "load_checkpoint_from_cwd() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.load_checkpoint_from_cwd", false]], "load_from_checkpoint() (hippynnlightningmodule class method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.load_from_checkpoint", false]], "load_model_from_cwd() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.load_model_from_cwd", false]], "load_saved_tensors() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.load_saved_tensors", false]], "load_state_dict() (controller method)": [[21, "hippynn.experiment.controllers.Controller.load_state_dict", false]], "load_state_dict() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.load_state_dict", false]], "localatomenergynode (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode", false]], "localatomsenergy (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy", false]], "localchargeenergy (class in hippynn.graphs.nodes.targets)": [[57, "hippynn.graphs.nodes.targets.LocalChargeEnergy", false]], "localchargeenergy (class in hippynn.layers.targets)": [[91, "hippynn.layers.targets.LocalChargeEnergy", false]], "localdampingcosine (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.LocalDampingCosine", false]], "localenergy (class in hippynn.layers.excited)": [[79, "hippynn.layers.excited.LocalEnergy", false]], "localenergynode (class in hippynn.graphs.nodes.excited)": [[48, "hippynn.graphs.nodes.excited.LocalEnergyNode", false]], "log() (bfgsv1 method)": [[98, "hippynn.optimizer.algorithms.BFGSv1.log", false]], "log() (bfgsv2 method)": [[98, "hippynn.optimizer.algorithms.BFGSv2.log", false]], "log() (bfgsv3 method)": [[98, "hippynn.optimizer.algorithms.BFGSv3.log", false]], "log() (fire method)": [[98, "hippynn.optimizer.algorithms.FIRE.log", false]], "log_terminal() (in module hippynn.tools)": [[106, "hippynn.tools.log_terminal", false]], "loss (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.loss", false]], "loss_func() (weightedmaeloss static method)": [[78, "hippynn.layers.algebra.WeightedMAELoss.loss_func", false]], "loss_func() (weightedmseloss static method)": [[78, "hippynn.layers.algebra.WeightedMSELoss.loss_func", false]], "lossinputnode (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.LossInputNode", false]], "lossprednode (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.LossPredNode", false]], "losstruenode (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.LossTrueNode", false]], "lpreg (class in hippynn.layers.regularization)": [[90, "hippynn.layers.regularization.LPReg", false]], "lpreg() (in module hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.lpreg", false]], "maeloss (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.MAELoss", false]], "maephaseloss (class in hippynn.graphs.nodes.excited)": [[48, "hippynn.graphs.nodes.excited.MAEPhaseLoss", false]], "main() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.main", false]], "main_output (losstruenode property)": [[44, "hippynn.graphs.nodes.base.base.LossTrueNode.main_output", false]], "main_output (multinode property)": [[46, "hippynn.graphs.nodes.base.multi.MultiNode.main_output", false]], "mainoutputtransformer (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer", false]], "make_automatic_splits() (database method)": [[13, "hippynn.databases.Database.make_automatic_splits", false], [15, "hippynn.databases.database.Database.make_automatic_splits", false]], "make_database_cache() (database method)": [[13, "hippynn.databases.Database.make_database_cache", false], [15, "hippynn.databases.database.Database.make_database_cache", false]], "make_ensemble() (in module hippynn.graphs)": [[29, "hippynn.graphs.make_ensemble", false]], "make_ensemble() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.make_ensemble", false]], "make_ensemble_graph() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.make_ensemble_graph", false]], "make_ensemble_info() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.make_ensemble_info", false]], "make_explicit_split() (database method)": [[13, "hippynn.databases.Database.make_explicit_split", false], [15, "hippynn.databases.database.Database.make_explicit_split", false]], "make_explicit_split_bool() (database method)": [[13, "hippynn.databases.Database.make_explicit_split_bool", false], [15, "hippynn.databases.database.Database.make_explicit_split_bool", false]], "make_full_location() (plotmaker method)": [[102, "hippynn.plotting.plotmaker.PlotMaker.make_full_location", false]], "make_generator() (database method)": [[13, "hippynn.databases.Database.make_generator", false], [15, "hippynn.databases.database.Database.make_generator", false]], "make_kernel() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.make_kernel", false]], "make_kernel() (wrappedenvsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.make_kernel", false]], "make_kernel() (wrappedfeatsum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.make_kernel", false]], "make_kernel() (wrappedsensesum static method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.make_kernel", false]], "make_plot() (plotter method)": [[103, "hippynn.plotting.plotters.Plotter.make_plot", false]], "make_plots() (plotmaker method)": [[102, "hippynn.plotting.plotmaker.PlotMaker.make_plots", false]], "make_random_split() (database method)": [[13, "hippynn.databases.Database.make_random_split", false], [15, "hippynn.databases.database.Database.make_random_split", false]], "make_restarter() (restartable class method)": [[18, "hippynn.databases.restarter.Restartable.make_restarter", false]], "make_trainvalidtest_split() (database method)": [[13, "hippynn.databases.Database.make_trainvalidtest_split", false], [15, "hippynn.databases.database.Database.make_trainvalidtest_split", false]], "match() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.match", false]], "matched_idx_coercion() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.matched_idx_coercion", false]], "matchlen() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.matchlen", false]], "max_epochs (controller property)": [[21, "hippynn.experiment.controllers.Controller.max_epochs", false]], "max_epochs (patiencecontroller property)": [[21, "hippynn.experiment.controllers.PatienceController.max_epochs", false]], "max_epochs (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.max_epochs", false], [26, "hippynn.experiment.routines.SetupParams.max_epochs", false]], "mean (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.Mean", false]], "mean_elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.mean_elapsed", false]], "mean_sq() (in module hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.mean_sq", false]], "meansq (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.MeanSq", false]], "median_elapsed (timerholder property)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder.median_elapsed", false]], "memory (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.Memory", false]], "merge_children() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.merge_children", false]], "merge_children_recursive() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.merge_children_recursive", false]], "metrictracker (class in hippynn.experiment.metric_tracker)": [[25, "hippynn.experiment.metric_tracker.MetricTracker", false]], "min_dist_info() (in module hippynn.layers.pairs.analysis)": [[83, "hippynn.layers.pairs.analysis.min_dist_info", false]], "mindistmodule (class in hippynn.layers.pairs.analysis)": [[83, "hippynn.layers.pairs.analysis.MinDistModule", false]], "mindistnode (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.MinDistNode", false]], "mliapinterface (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface", false]], "mlseqm (class in hippynn.interfaces.pyseqm_interface.mlseqm)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM", false]], "mlseqm_node (class in hippynn.interfaces.pyseqm_interface.mlseqm)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node", false]], "model (moleculardynamics property)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.model", false]], "model (trainingmodules attribute)": [[20, "hippynn.experiment.assembly.TrainingModules.model", false]], "model_device (predictor property)": [[29, "hippynn.graphs.Predictor.model_device", false], [58, "hippynn.graphs.predictor.Predictor.model_device", false]], "model_input_map (variable property)": [[94, "hippynn.molecular_dynamics.md.Variable.model_input_map", false]], "module": [[0, "module-hippynn", false], [1, "module-hippynn.custom_kernels", false], [2, "module-hippynn.custom_kernels.autograd_wrapper", false], [3, "module-hippynn.custom_kernels.env_cupy", false], [4, "module-hippynn.custom_kernels.env_numba", false], [5, "module-hippynn.custom_kernels.env_pytorch", false], [6, "module-hippynn.custom_kernels.env_triton", false], [7, "module-hippynn.custom_kernels.fast_convert", false], [8, "module-hippynn.custom_kernels.tensor_wrapper", false], [9, "module-hippynn.custom_kernels.test_env_cupy", false], [10, "module-hippynn.custom_kernels.test_env_numba", false], [11, "module-hippynn.custom_kernels.test_env_triton", false], [12, "module-hippynn.custom_kernels.utils", false], [13, "module-hippynn.databases", false], [14, "module-hippynn.databases.SNAPJson", false], [15, "module-hippynn.databases.database", false], [17, "module-hippynn.databases.ondisk", false], [18, "module-hippynn.databases.restarter", false], [19, "module-hippynn.experiment", false], [20, "module-hippynn.experiment.assembly", false], [21, "module-hippynn.experiment.controllers", false], [22, "module-hippynn.experiment.device", false], [23, "module-hippynn.experiment.evaluator", false], [24, "module-hippynn.experiment.lightning_trainer", false], [25, "module-hippynn.experiment.metric_tracker", false], [26, "module-hippynn.experiment.routines", false], [27, "module-hippynn.experiment.serialization", false], [28, "module-hippynn.experiment.step_functions", false], [29, "module-hippynn.graphs", false], [30, "module-hippynn.graphs.ensemble", false], [31, "module-hippynn.graphs.gops", false], [32, "module-hippynn.graphs.graph", false], [33, "module-hippynn.graphs.indextransformers", false], [34, "module-hippynn.graphs.indextransformers.atoms", false], [35, "module-hippynn.graphs.indextransformers.pairs", false], [36, "module-hippynn.graphs.indextransformers.tensors", false], [37, "module-hippynn.graphs.indextypes", false], [38, "module-hippynn.graphs.indextypes.reduce_funcs", false], [39, "module-hippynn.graphs.indextypes.registry", false], [40, "module-hippynn.graphs.indextypes.type_def", false], [41, "module-hippynn.graphs.nodes", false], [42, "module-hippynn.graphs.nodes.base", false], [43, "module-hippynn.graphs.nodes.base.algebra", false], [44, "module-hippynn.graphs.nodes.base.base", false], [45, "module-hippynn.graphs.nodes.base.definition_helpers", false], [46, "module-hippynn.graphs.nodes.base.multi", false], [47, "module-hippynn.graphs.nodes.base.node_functions", false], [48, "module-hippynn.graphs.nodes.excited", false], [49, "module-hippynn.graphs.nodes.indexers", false], [50, "module-hippynn.graphs.nodes.inputs", false], [51, "module-hippynn.graphs.nodes.loss", false], [52, "module-hippynn.graphs.nodes.misc", false], [53, "module-hippynn.graphs.nodes.networks", false], [54, "module-hippynn.graphs.nodes.pairs", false], [55, "module-hippynn.graphs.nodes.physics", false], [56, "module-hippynn.graphs.nodes.tags", false], [57, "module-hippynn.graphs.nodes.targets", false], [58, "module-hippynn.graphs.predictor", false], [59, "module-hippynn.graphs.viz", false], [60, "module-hippynn.interfaces", false], [61, "module-hippynn.interfaces.ase_interface", false], [62, "module-hippynn.interfaces.ase_interface.ase_database", false], [63, "module-hippynn.interfaces.ase_interface.ase_unittests", false], [64, "module-hippynn.interfaces.ase_interface.calculator", false], [65, "module-hippynn.interfaces.ase_interface.pairfinder", false], [66, "module-hippynn.interfaces.lammps_interface", false], [67, "module-hippynn.interfaces.lammps_interface.mliap_interface", false], [68, "module-hippynn.interfaces.pyseqm_interface", false], [69, "module-hippynn.interfaces.pyseqm_interface.callback", false], [70, "module-hippynn.interfaces.pyseqm_interface.check", false], [71, "module-hippynn.interfaces.pyseqm_interface.gen_par", false], [72, "module-hippynn.interfaces.pyseqm_interface.mlseqm", false], [73, "module-hippynn.interfaces.pyseqm_interface.seqm_modules", false], [74, "module-hippynn.interfaces.pyseqm_interface.seqm_nodes", false], [75, "module-hippynn.interfaces.pyseqm_interface.seqm_one", false], [76, "module-hippynn.interfaces.schnetpack_interface", false], [77, "module-hippynn.layers", false], [78, "module-hippynn.layers.algebra", false], [79, "module-hippynn.layers.excited", false], [80, "module-hippynn.layers.hiplayers", false], [81, "module-hippynn.layers.indexers", false], [82, "module-hippynn.layers.pairs", false], [83, "module-hippynn.layers.pairs.analysis", false], [84, "module-hippynn.layers.pairs.dispatch", false], [85, "module-hippynn.layers.pairs.filters", false], [86, "module-hippynn.layers.pairs.indexing", false], [87, "module-hippynn.layers.pairs.open", false], [88, "module-hippynn.layers.pairs.periodic", false], [89, "module-hippynn.layers.physics", false], [90, "module-hippynn.layers.regularization", false], [91, "module-hippynn.layers.targets", false], [92, "module-hippynn.layers.transform", false], [93, "module-hippynn.molecular_dynamics", false], [94, "module-hippynn.molecular_dynamics.md", false], [95, "module-hippynn.networks", false], [96, "module-hippynn.networks.hipnn", false], [97, "module-hippynn.optimizer", false], [98, "module-hippynn.optimizer.algorithms", false], [99, "module-hippynn.optimizer.batch_optimizer", false], [100, "module-hippynn.optimizer.utils", false], [101, "module-hippynn.plotting", false], [102, "module-hippynn.plotting.plotmaker", false], [103, "module-hippynn.plotting.plotters", false], [104, "module-hippynn.plotting.timeplots", false], [105, "module-hippynn.pretraining", false], [106, "module-hippynn.tools", false]], "molatom (idxtype attribute)": [[29, "hippynn.graphs.IdxType.MolAtom", false], [37, "hippynn.graphs.indextypes.IdxType.MolAtom", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.MolAtom", false]], "molatomatom (idxtype attribute)": [[29, "hippynn.graphs.IdxType.MolAtomAtom", false], [37, "hippynn.graphs.indextypes.IdxType.MolAtomAtom", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.MolAtomAtom", false]], "moleculardynamics (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics", false]], "molecules (idxtype attribute)": [[29, "hippynn.graphs.IdxType.Molecules", false], [37, "hippynn.graphs.indextypes.IdxType.Molecules", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.Molecules", false]], "molpairsummer (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.MolPairSummer", false]], "molsummer (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.MolSummer", false]], "mseloss (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.MSELoss", false]], "msephaseloss (class in hippynn.graphs.nodes.excited)": [[48, "hippynn.graphs.nodes.excited.MSEPhaseLoss", false]], "mulnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.MulNode", false]], "multigradient (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.MultiGradient", false]], "multigradientnode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.MultiGradientNode", false]], "multinode (class in hippynn.graphs.nodes.base.multi)": [[46, "hippynn.graphs.nodes.base.multi.MultiNode", false]], "nacr (class in hippynn.layers.excited)": [[79, "hippynn.layers.excited.NACR", false]], "nacrmultistate (class in hippynn.layers.excited)": [[79, "hippynn.layers.excited.NACRMultiState", false]], "nacrmultistatenode (class in hippynn.graphs.nodes.excited)": [[48, "hippynn.graphs.nodes.excited.NACRMultiStateNode", false]], "nacrnode (class in hippynn.graphs.nodes.excited)": [[48, "hippynn.graphs.nodes.excited.NACRNode", false]], "namedtensordataset (class in hippynn.databases.database)": [[15, "hippynn.databases.database.NamedTensorDataset", false]], "negnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.NegNode", false]], "neighbor_list_kdtree() (in module hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.neighbor_list_kdtree", false]], "neighbor_list_np() (in module hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.neighbor_list_np", false]], "network (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Network", false]], "newtonraphson (class in hippynn.optimizer.algorithms)": [[98, "hippynn.optimizer.algorithms.NewtonRaphson", false]], "node (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.Node", false]], "node_from_name() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.node_from_name", false], [32, "hippynn.graphs.graph.GraphModule.node_from_name", false]], "nodeambiguityerror": [[47, "hippynn.graphs.nodes.base.node_functions.NodeAmbiguityError", false]], "nodenotfound": [[47, "hippynn.graphs.nodes.base.node_functions.NodeNotFound", false]], "nodeoperationerror": [[47, "hippynn.graphs.nodes.base.node_functions.NodeOperationError", false]], "norestart (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.NoRestart", false]], "norm (hist2d property)": [[103, "hippynn.plotting.plotters.Hist2D.norm", false]], "notconvergednode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode", false]], "notfound (idxtype attribute)": [[29, "hippynn.graphs.IdxType.NotFound", false], [37, "hippynn.graphs.indextypes.IdxType.NotFound", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.NotFound", false]], "np_of_torchdefaultdtype() (in module hippynn.tools)": [[106, "hippynn.tools.np_of_torchdefaultdtype", false]], "npneighbors (class in hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.NPNeighbors", false]], "npzdatabase (class in hippynn.databases)": [[13, "hippynn.databases.NPZDatabase", false]], "npzdatabase (class in hippynn.databases.ondisk)": [[17, "hippynn.databases.ondisk.NPZDatabase", false]], "nullupdater (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.NullUpdater", false]], "num_orb() (in module hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.num_orb", false]], "numbacompatibletensorfunction (class in hippynn.custom_kernels.tensor_wrapper)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction", false]], "numpydynamicpairs (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.NumpyDynamicPairs", false]], "of_node() (reducesinglenode class method)": [[51, "hippynn.graphs.nodes.loss.ReduceSingleNode.of_node", false]], "on_load_checkpoint() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_load_checkpoint", false]], "on_save_checkpoint() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_save_checkpoint", false]], "on_test_end() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_test_end", false]], "on_test_epoch_end() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_test_epoch_end", false]], "on_train_epoch_start() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_train_epoch_start", false]], "on_validation_end() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_validation_end", false]], "on_validation_epoch_end() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.on_validation_epoch_end", false]], "onehotencoder (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.OneHotEncoder", false]], "onehotspecies (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.OneHotSpecies", false]], "openpairindexer (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.OpenPairIndexer", false]], "openpairindexer (class in hippynn.layers.pairs.open)": [[87, "hippynn.layers.pairs.open.OpenPairIndexer", false]], "optimizer (class in hippynn.optimizer.batch_optimizer)": [[99, "hippynn.optimizer.batch_optimizer.Optimizer", false]], "optimizer (raisebatchsizeonplateau property)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.optimizer", false]], "optimizer (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.optimizer", false], [26, "hippynn.experiment.routines.SetupParams.optimizer", false]], "out_shape() (numbacompatibletensorfunction method)": [[8, "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction.out_shape", false]], "out_shape() (wrappedenvsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum.out_shape", false]], "out_shape() (wrappedfeatsum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum.out_shape", false]], "out_shape() (wrappedsensesum method)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum.out_shape", false]], "outputs (predictor property)": [[29, "hippynn.graphs.Predictor.outputs", false], [58, "hippynn.graphs.predictor.Predictor.outputs", false]], "p_value (qscreening property)": [[89, "hippynn.layers.physics.QScreening.p_value", false]], "pack_par() (in module hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.pack_par", false]], "pad_np_array_to_length_with_zeros() (in module hippynn.tools)": [[106, "hippynn.tools.pad_np_array_to_length_with_zeros", false]], "padded_neighlist() (in module hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.padded_neighlist", false]], "paddedneighbornode (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PaddedNeighborNode", false]], "paddedneighmodule (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.PaddedNeighModule", false]], "paddingindexer (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.PaddingIndexer", false]], "paddingindexer (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.PaddingIndexer", false]], "pair (idxtype attribute)": [[29, "hippynn.graphs.IdxType.Pair", false], [37, "hippynn.graphs.indextypes.IdxType.Pair", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.Pair", false]], "paircache (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.PairCache", false]], "paircacher (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PairCacher", false]], "paircacher (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.PairCacher", false]], "pairdeindexer (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PairDeIndexer", false]], "pairdeindexer (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.PairDeIndexer", false]], "pairfilter (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PairFilter", false]], "pairindexer (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.PairIndexer", false]], "pairindices (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.PairIndices", false]], "pairmemory (class in hippynn.layers.pairs.open)": [[87, "hippynn.layers.pairs.open.PairMemory", false]], "pairreindexer (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PairReIndexer", false]], "pairreindexer (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.PairReIndexer", false]], "pairuncacher (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PairUncacher", false]], "pairuncacher (class in hippynn.layers.pairs.indexing)": [[86, "hippynn.layers.pairs.indexing.PairUncacher", false]], "param_print() (in module hippynn.tools)": [[106, "hippynn.tools.param_print", false]], "parentexpander (class in hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander", false]], "parse_args() (in module hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.parse_args", false]], "pass_to_pytorch() (in module hippynn.interfaces.ase_interface.calculator)": [[64, "hippynn.interfaces.ase_interface.calculator.pass_to_pytorch", false]], "patiencecontroller (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.PatienceController", false]], "pbchandle (class in hippynn.interfaces.ase_interface.calculator)": [[64, "hippynn.interfaces.ase_interface.calculator.PBCHandle", false]], "peratom (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.PerAtom", false]], "peratom (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.PerAtom", false]], "periodicpairindexer (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexer", false]], "periodicpairindexer (class in hippynn.layers.pairs.periodic)": [[88, "hippynn.layers.pairs.periodic.PeriodicPairIndexer", false]], "periodicpairindexermemory (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory", false]], "periodicpairindexermemory (class in hippynn.layers.pairs.periodic)": [[88, "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory", false]], "periodicpairoutputs (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.PeriodicPairOutputs", false]], "plot_all_over_time() (in module hippynn.plotting.timeplots)": [[104, "hippynn.plotting.timeplots.plot_all_over_time", false]], "plot_over_time() (in module hippynn.plotting.timeplots)": [[104, "hippynn.plotting.timeplots.plot_over_time", false]], "plot_over_time() (metrictracker method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.plot_over_time", false]], "plot_phase() (plotmaker method)": [[102, "hippynn.plotting.plotmaker.PlotMaker.plot_phase", false]], "plotmaker (class in hippynn.plotting.plotmaker)": [[102, "hippynn.plotting.plotmaker.PlotMaker", false]], "plotter (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.Plotter", false]], "plt_fn() (composedplotter method)": [[103, "hippynn.plotting.plotters.ComposedPlotter.plt_fn", false]], "plt_fn() (hierarchicalityplot method)": [[103, "hippynn.plotting.plotters.HierarchicalityPlot.plt_fn", false]], "plt_fn() (hist1d method)": [[103, "hippynn.plotting.plotters.Hist1D.plt_fn", false]], "plt_fn() (hist1dcomp method)": [[103, "hippynn.plotting.plotters.Hist1DComp.plt_fn", false]], "plt_fn() (hist2d method)": [[103, "hippynn.plotting.plotters.Hist2D.plt_fn", false]], "plt_fn() (interactionplot method)": [[103, "hippynn.plotting.plotters.InteractionPlot.plt_fn", false]], "plt_fn() (plotter method)": [[103, "hippynn.plotting.plotters.Plotter.plt_fn", false]], "plt_fn() (sensitivityplot method)": [[103, "hippynn.plotting.plotters.SensitivityPlot.plt_fn", false]], "positions (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Positions", false]], "positionsnode (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.PositionsNode", false]], "post_step() (langevindynamics method)": [[94, "hippynn.molecular_dynamics.md.LangevinDynamics.post_step", false]], "post_step() (nullupdater method)": [[94, "hippynn.molecular_dynamics.md.NullUpdater.post_step", false]], "post_step() (variableupdater method)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater.post_step", false]], "post_step() (velocityverlet method)": [[94, "hippynn.molecular_dynamics.md.VelocityVerlet.post_step", false]], "pownode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.PowNode", false]], "pre_step() (langevindynamics method)": [[94, "hippynn.molecular_dynamics.md.LangevinDynamics.pre_step", false]], "pre_step() (nullupdater method)": [[94, "hippynn.molecular_dynamics.md.NullUpdater.pre_step", false]], "pre_step() (variableupdater method)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater.pre_step", false]], "pre_step() (velocityverlet method)": [[94, "hippynn.molecular_dynamics.md.VelocityVerlet.pre_step", false]], "precompute_pairs() (in module hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.precompute_pairs", false]], "pred (lossinputnode property)": [[44, "hippynn.graphs.nodes.base.base.LossInputNode.pred", false]], "predict_all() (predictor method)": [[29, "hippynn.graphs.Predictor.predict_all", false], [58, "hippynn.graphs.predictor.Predictor.predict_all", false]], "predict_batched() (predictor method)": [[29, "hippynn.graphs.Predictor.predict_batched", false], [58, "hippynn.graphs.predictor.Predictor.predict_batched", false]], "predictor (class in hippynn.graphs)": [[29, "hippynn.graphs.Predictor", false]], "predictor (class in hippynn.graphs.predictor)": [[58, "hippynn.graphs.predictor.Predictor", false]], "prettyprint_arrays() (in module hippynn.databases.database)": [[15, "hippynn.databases.database.prettyprint_arrays", false]], "print_lr() (in module hippynn.tools)": [[106, "hippynn.tools.print_lr", false]], "print_structure() (graphmodule method)": [[29, "hippynn.graphs.GraphModule.print_structure", false], [32, "hippynn.graphs.graph.GraphModule.print_structure", false]], "process_configs() (snapdirectorydatabase method)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase.process_configs", false]], "progress_bar() (in module hippynn.tools)": [[106, "hippynn.tools.progress_bar", false]], "push_epoch() (controller method)": [[21, "hippynn.experiment.controllers.Controller.push_epoch", false]], "push_epoch() (patiencecontroller method)": [[21, "hippynn.experiment.controllers.PatienceController.push_epoch", false]], "qscreening (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.QScreening", false]], "quadmol (idxtype attribute)": [[29, "hippynn.graphs.IdxType.QuadMol", false], [37, "hippynn.graphs.indextypes.IdxType.QuadMol", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.QuadMol", false]], "quadpack (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.QuadPack", false]], "quadpack (idxtype attribute)": [[29, "hippynn.graphs.IdxType.QuadPack", false], [37, "hippynn.graphs.indextypes.IdxType.QuadPack", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.QuadPack", false]], "quadrupole (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.Quadrupole", false]], "quadrupolenode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.QuadrupoleNode", false]], "quadunpack (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.QuadUnpack", false]], "quadunpacknode (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.QuadUnpackNode", false]], "raisebatchsizeonplateau (class in hippynn.experiment.controllers)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau", false]], "rdfbins (class in hippynn.graphs.nodes.pairs)": [[54, "hippynn.graphs.nodes.pairs.RDFBins", false]], "rdfbins (class in hippynn.layers.pairs.analysis)": [[83, "hippynn.layers.pairs.analysis.RDFBins", false]], "rebuild_neighbors() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.rebuild_neighbors", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.rebuild_neighbors", false]], "recalculation_needed() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.recalculation_needed", false]], "recursive_param_count() (in module hippynn.tools)": [[106, "hippynn.tools.recursive_param_count", false]], "reducesinglenode (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.ReduceSingleNode", false]], "register_index_transformer() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.register_index_transformer", false]], "register_index_transformer() (in module hippynn.graphs.indextypes.registry)": [[39, "hippynn.graphs.indextypes.registry.register_index_transformer", false]], "register_metrics() (metrictracker method)": [[25, "hippynn.experiment.metric_tracker.MetricTracker.register_metrics", false]], "regularization_params() (hipnn method)": [[96, "hippynn.networks.hipnn.Hipnn.regularization_params", false]], "regularization_params() (interactlayer method)": [[80, "hippynn.layers.hiplayers.InteractLayer.regularization_params", false]], "regularization_params() (resnetwrapper method)": [[92, "hippynn.layers.transform.ResNetWrapper.regularization_params", false]], "reindexatommod (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod", false]], "reindexatomnode (class in hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode", false]], "remove_high_property() (database method)": [[13, "hippynn.databases.Database.remove_high_property", false], [15, "hippynn.databases.database.Database.remove_high_property", false]], "replace_inputs() (in module hippynn.graphs.ensemble)": [[30, "hippynn.graphs.ensemble.replace_inputs", false]], "replace_node() (in module hippynn.graphs)": [[29, "hippynn.graphs.replace_node", false]], "replace_node() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.replace_node", false]], "replace_node_with_constant() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.replace_node_with_constant", false]], "require_compatible_idx_states() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.require_compatible_idx_states", false]], "require_idx_states() (parentexpander method)": [[45, "hippynn.graphs.nodes.base.definition_helpers.ParentExpander.require_idx_states", false]], "required_nodes (plotmaker property)": [[102, "hippynn.plotting.plotmaker.PlotMaker.required_nodes", false]], "required_variable_data (langevindynamics attribute)": [[94, "hippynn.molecular_dynamics.md.LangevinDynamics.required_variable_data", false]], "required_variable_data (variableupdater attribute)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater.required_variable_data", false]], "required_variable_data (velocityverlet attribute)": [[94, "hippynn.molecular_dynamics.md.VelocityVerlet.required_variable_data", false]], "requires_grad (inputnode attribute)": [[44, "hippynn.graphs.nodes.base.base.InputNode.requires_grad", false]], "reset() (bfgsv1 method)": [[98, "hippynn.optimizer.algorithms.BFGSv1.reset", false]], "reset() (bfgsv2 method)": [[98, "hippynn.optimizer.algorithms.BFGSv2.reset", false]], "reset() (bfgsv3 method)": [[98, "hippynn.optimizer.algorithms.BFGSv3.reset", false]], "reset() (fire method)": [[98, "hippynn.optimizer.algorithms.FIRE.reset", false]], "reset() (newtonraphson method)": [[98, "hippynn.optimizer.algorithms.NewtonRaphson.reset", false]], "reset_data() (moleculardynamics method)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.reset_data", false]], "reset_reuse_percentage() (memory method)": [[54, "hippynn.graphs.nodes.pairs.Memory.reset_reuse_percentage", false]], "reset_reuse_percentage() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.reset_reuse_percentage", false]], "resnetwrapper (class in hippynn.layers.transform)": [[92, "hippynn.layers.transform.ResNetWrapper", false]], "resort_pairs_cached() (in module hippynn.custom_kernels.utils)": [[12, "hippynn.custom_kernels.utils.resort_pairs_cached", false]], "restartable (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.Restartable", false]], "restartdb (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.RestartDB", false]], "restarter (class in hippynn.databases.restarter)": [[18, "hippynn.databases.restarter.Restarter", false]], "restore_checkpoint() (in module hippynn.experiment.serialization)": [[27, "hippynn.experiment.serialization.restore_checkpoint", false]], "reuse_percentage (memory property)": [[54, "hippynn.graphs.nodes.pairs.Memory.reuse_percentage", false]], "reuse_percentage (pairmemory property)": [[87, "hippynn.layers.pairs.open.PairMemory.reuse_percentage", false]], "rsq (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.Rsq", false]], "rsqmod (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.RsqMod", false]], "run() (moleculardynamics method)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.run", false]], "save() (in module hippynn.interfaces.pyseqm_interface.check)": [[70, "hippynn.interfaces.pyseqm_interface.check.save", false]], "save() (mlseqm method)": [[72, "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM.save", false]], "save_and_stop_after() (in module hippynn.interfaces.pyseqm_interface.callback)": [[69, "hippynn.interfaces.pyseqm_interface.callback.save_and_stop_after", false]], "scalar (idxtype attribute)": [[29, "hippynn.graphs.IdxType.Scalar", false], [37, "hippynn.graphs.indextypes.IdxType.Scalar", false], [40, "hippynn.graphs.indextypes.type_def.IdxType.Scalar", false]], "scale (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale", false]], "scalenode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode", false]], "scheduler (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.scheduler", false], [26, "hippynn.experiment.routines.SetupParams.scheduler", false]], "schnetnode (class in hippynn.interfaces.schnetpack_interface)": [[76, "hippynn.interfaces.schnetpack_interface.SchNetNode", false]], "schnetwrapper (class in hippynn.interfaces.schnetpack_interface)": [[76, "hippynn.interfaces.schnetpack_interface.SchNetWrapper", false]], "screenedcoulombenergy (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.ScreenedCoulombEnergy", false]], "screenedcoulombenergynode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode", false]], "search_by_name() (in module hippynn.graphs.gops)": [[31, "hippynn.graphs.gops.search_by_name", false]], "send_to_device() (database method)": [[13, "hippynn.databases.Database.send_to_device", false], [15, "hippynn.databases.database.Database.send_to_device", false]], "sensesum() (in module hippynn.custom_kernels.env_pytorch)": [[5, "hippynn.custom_kernels.env_pytorch.sensesum", false]], "sensesum() (in module hippynn.custom_kernels.env_triton)": [[6, "hippynn.custom_kernels.env_triton.sensesum", false]], "sensitivity_layers (hipnn property)": [[96, "hippynn.networks.hipnn.Hipnn.sensitivity_layers", false]], "sensitivitybottleneck (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.SensitivityBottleneck", false]], "sensitivitymodule (class in hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.SensitivityModule", false]], "sensitivityplot (class in hippynn.plotting.plotters)": [[103, "hippynn.plotting.plotters.SensitivityPlot", false]], "seqm_all (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All", false]], "seqm_allnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_AllNode", false]], "seqm_energy (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy", false]], "seqm_energynode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode", false]], "seqm_maskonmol (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol", false]], "seqm_maskonmolatom (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom", false]], "seqm_maskonmolatomnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode", false]], "seqm_maskonmolnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode", false]], "seqm_maskonmolorbital (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital", false]], "seqm_maskonmolorbitalatom (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom", false]], "seqm_maskonmolorbitalatomnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode", false]], "seqm_maskonmolorbitalnode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode", false]], "seqm_molmask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask", false]], "seqm_molmasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode", false]], "seqm_one_all (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All", false]], "seqm_one_allnode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_AllNode", false]], "seqm_one_energy (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy", false]], "seqm_one_energynode (class in hippynn.interfaces.pyseqm_interface.seqm_one)": [[75, "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode", false]], "seqm_orbitalmask (class in hippynn.interfaces.pyseqm_interface.seqm_modules)": [[73, "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask", false]], "seqm_orbitalmasknode (class in hippynn.interfaces.pyseqm_interface.seqm_nodes)": [[74, "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode", false]], "set() (pbchandle method)": [[64, "hippynn.interfaces.ase_interface.calculator.PBCHandle.set", false]], "set_atoms() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.set_atoms", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.set_atoms", false]], "set_controller() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.set_controller", false]], "set_custom_kernels() (in module hippynn.custom_kernels)": [[1, "hippynn.custom_kernels.set_custom_kernels", false]], "set_dbname() (multinode method)": [[46, "hippynn.graphs.nodes.base.multi.MultiNode.set_dbname", false]], "set_devices() (in module hippynn.experiment.device)": [[22, "hippynn.experiment.device.set_devices", false]], "set_e0_values() (in module hippynn.pretraining)": [[105, "hippynn.pretraining.set_e0_values", false]], "set_extra_state() (interactlayervec method)": [[80, "hippynn.layers.hiplayers.InteractLayerVec.set_extra_state", false]], "set_images() (paircacher method)": [[86, "hippynn.layers.pairs.indexing.PairCacher.set_images", false]], "set_images() (pairuncacher method)": [[86, "hippynn.layers.pairs.indexing.PairUncacher.set_images", false]], "set_skin() (pairmemory method)": [[87, "hippynn.layers.pairs.open.PairMemory.set_skin", false]], "setup_and_train() (in module hippynn.experiment)": [[19, "hippynn.experiment.setup_and_train", false]], "setup_and_train() (in module hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.setup_and_train", false]], "setup_ase_graph() (in module hippynn.interfaces.ase_interface.calculator)": [[64, "hippynn.interfaces.ase_interface.calculator.setup_ASE_graph", false]], "setup_lammps_graph() (in module hippynn.interfaces.lammps_interface.mliap_interface)": [[67, "hippynn.interfaces.lammps_interface.mliap_interface.setup_LAMMPS_graph", false]], "setup_training() (in module hippynn.experiment)": [[19, "hippynn.experiment.setup_training", false]], "setup_training() (in module hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.setup_training", false]], "setupparams (class in hippynn.experiment)": [[19, "hippynn.experiment.SetupParams", false]], "setupparams (class in hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.SetupParams", false]], "singlenode (class in hippynn.graphs.nodes.base.base)": [[44, "hippynn.graphs.nodes.base.base.SingleNode", false]], "skin (memory property)": [[54, "hippynn.graphs.nodes.pairs.Memory.skin", false]], "skin (pairmemory property)": [[87, "hippynn.layers.pairs.open.PairMemory.skin", false]], "snapdirectorydatabase (class in hippynn.databases.snapjson)": [[14, "hippynn.databases.SNAPJson.SNAPDirectoryDatabase", false]], "soft_index_type_coercion() (in module hippynn.graphs.indextypes)": [[37, "hippynn.graphs.indextypes.soft_index_type_coercion", false]], "soft_index_type_coercion() (in module hippynn.graphs.indextypes.reduce_funcs)": [[38, "hippynn.graphs.indextypes.reduce_funcs.soft_index_type_coercion", false]], "sort_by_index() (database method)": [[13, "hippynn.databases.Database.sort_by_index", false], [15, "hippynn.databases.database.Database.sort_by_index", false]], "species (class in hippynn.graphs.nodes.tags)": [[56, "hippynn.graphs.nodes.tags.Species", false]], "species_set (encoder attribute)": [[56, "hippynn.graphs.nodes.tags.Encoder.species_set", false]], "speciesnode (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.SpeciesNode", false]], "split_the_rest() (database method)": [[13, "hippynn.databases.Database.split_the_rest", false], [15, "hippynn.databases.database.Database.split_the_rest", false]], "splitindices (class in hippynn.graphs.nodes.inputs)": [[50, "hippynn.graphs.nodes.inputs.SplitIndices", false]], "standard_step_fn() (in module hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.standard_step_fn", false]], "standardstep (class in hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.StandardStep", false]], "state_dict() (controller method)": [[21, "hippynn.experiment.controllers.Controller.state_dict", false]], "state_dict() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.state_dict", false]], "staticimageperiodicpairindexer (class in hippynn.layers.pairs.periodic)": [[88, "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer", false]], "std (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.Std", false]], "step (stepfn attribute)": [[28, "hippynn.experiment.step_functions.StepFn.step", false]], "step() (bfgsv1 method)": [[98, "hippynn.optimizer.algorithms.BFGSv1.step", false]], "step() (bfgsv2 method)": [[98, "hippynn.optimizer.algorithms.BFGSv2.step", false]], "step() (bfgsv3 method)": [[98, "hippynn.optimizer.algorithms.BFGSv3.step", false]], "step() (closurestep static method)": [[28, "hippynn.experiment.step_functions.ClosureStep.step", false]], "step() (fire method)": [[98, "hippynn.optimizer.algorithms.FIRE.step", false]], "step() (newtonraphson method)": [[98, "hippynn.optimizer.algorithms.NewtonRaphson.step", false]], "step() (raisebatchsizeonplateau method)": [[21, "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau.step", false]], "step() (standardstep static method)": [[28, "hippynn.experiment.step_functions.StandardStep.step", false]], "step() (twostep static method)": [[28, "hippynn.experiment.step_functions.TwoStep.step", false]], "stepfn (class in hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.StepFn", false]], "stopping_key (setupparams attribute)": [[19, "hippynn.experiment.SetupParams.stopping_key", false], [26, "hippynn.experiment.routines.SetupParams.stopping_key", false]], "straininducer (class in hippynn.graphs.nodes.misc)": [[52, "hippynn.graphs.nodes.misc.StrainInducer", false]], "stressforce (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.StressForce", false]], "stressforcenode (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.StressForceNode", false]], "subnode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.SubNode", false]], "sysmaxofatoms (class in hippynn.layers.indexers)": [[81, "hippynn.layers.indexers.SysMaxOfAtoms", false]], "sysmaxofatomsnode (class in hippynn.graphs.nodes.indexers)": [[49, "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode", false]], "table_evaluation_print() (in module hippynn.experiment.metric_tracker)": [[25, "hippynn.experiment.metric_tracker.table_evaluation_print", false]], "table_evaluation_print_better() (in module hippynn.experiment.metric_tracker)": [[25, "hippynn.experiment.metric_tracker.table_evaluation_print_better", false]], "teed_file_output (class in hippynn.tools)": [[106, "hippynn.tools.teed_file_output", false]], "temporary_parents() (in module hippynn.graphs.nodes.base.definition_helpers)": [[45, "hippynn.graphs.nodes.base.definition_helpers.temporary_parents", false]], "test_dataloader() (hippynndatamodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnDataModule.test_dataloader", false]], "test_model() (in module hippynn.experiment)": [[19, "hippynn.experiment.test_model", false]], "test_model() (in module hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.test_model", false]], "test_step() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.test_step", false]], "timedsnippet (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.TimedSnippet", false]], "timerholder (class in hippynn.custom_kernels.test_env_numba)": [[10, "hippynn.custom_kernels.test_env_numba.TimerHolder", false]], "to() (hippynncalculator method)": [[61, "hippynn.interfaces.ase_interface.HippynnCalculator.to", false], [64, "hippynn.interfaces.ase_interface.calculator.HippynnCalculator.to", false]], "to() (moleculardynamics method)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.to", false]], "to() (predictor method)": [[29, "hippynn.graphs.Predictor.to", false], [58, "hippynn.graphs.predictor.Predictor.to", false]], "to() (variable method)": [[94, "hippynn.molecular_dynamics.md.Variable.to", false]], "torch_module (addnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.AddNode.torch_module", false]], "torch_module (atleast2d attribute)": [[43, "hippynn.graphs.nodes.base.algebra.AtLeast2D.torch_module", false]], "torch_module (divnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.DivNode.torch_module", false]], "torch_module (invnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.InvNode.torch_module", false]], "torch_module (maeloss attribute)": [[51, "hippynn.graphs.nodes.loss.MAELoss.torch_module", false]], "torch_module (maephaseloss attribute)": [[48, "hippynn.graphs.nodes.excited.MAEPhaseLoss.torch_module", false]], "torch_module (mean attribute)": [[51, "hippynn.graphs.nodes.loss.Mean.torch_module", false]], "torch_module (meansq attribute)": [[51, "hippynn.graphs.nodes.loss.MeanSq.torch_module", false]], "torch_module (mseloss attribute)": [[51, "hippynn.graphs.nodes.loss.MSELoss.torch_module", false]], "torch_module (msephaseloss attribute)": [[48, "hippynn.graphs.nodes.excited.MSEPhaseLoss.torch_module", false]], "torch_module (mulnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.MulNode.torch_module", false]], "torch_module (negnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.NegNode.torch_module", false]], "torch_module (pownode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.PowNode.torch_module", false]], "torch_module (rsq attribute)": [[51, "hippynn.graphs.nodes.loss.Rsq.torch_module", false]], "torch_module (std attribute)": [[51, "hippynn.graphs.nodes.loss.Std.torch_module", false]], "torch_module (subnode attribute)": [[43, "hippynn.graphs.nodes.base.algebra.SubNode.torch_module", false]], "torch_module (var attribute)": [[51, "hippynn.graphs.nodes.loss.Var.torch_module", false]], "torch_module (weightedmaeloss attribute)": [[51, "hippynn.graphs.nodes.loss.WeightedMAELoss.torch_module", false]], "torch_module (weightedmseloss attribute)": [[51, "hippynn.graphs.nodes.loss.WeightedMSELoss.torch_module", false]], "torchneighbors (class in hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.TorchNeighbors", false]], "train_dataloader() (hippynndatamodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnDataModule.train_dataloader", false]], "train_model() (in module hippynn.experiment)": [[19, "hippynn.experiment.train_model", false]], "train_model() (in module hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.train_model", false]], "training_loop() (in module hippynn.experiment.routines)": [[26, "hippynn.experiment.routines.training_loop", false]], "training_step() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.training_step", false]], "trainingmodules (class in hippynn.experiment.assembly)": [[20, "hippynn.experiment.assembly.TrainingModules", false]], "trim_by_species() (database method)": [[13, "hippynn.databases.Database.trim_by_species", false], [15, "hippynn.databases.database.Database.trim_by_species", false]], "true (lossinputnode property)": [[44, "hippynn.graphs.nodes.base.base.LossInputNode.true", false]], "tupletypemismatch": [[45, "hippynn.graphs.nodes.base.definition_helpers.TupleTypeMismatch", false]], "twostep (class in hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.TwoStep", false]], "twostep_step_fn() (in module hippynn.experiment.step_functions)": [[28, "hippynn.experiment.step_functions.twostep_step_fn", false]], "unarynode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.UnaryNode", false]], "unsqueeze_multiple() (in module hippynn.tools)": [[106, "hippynn.tools.unsqueeze_multiple", false]], "update_b() (bfgsv1 method)": [[98, "hippynn.optimizer.algorithms.BFGSv1.update_B", false]], "update_b() (bfgsv2 method)": [[98, "hippynn.optimizer.algorithms.BFGSv2.update_B", false]], "update_binv() (bfgsv3 method)": [[98, "hippynn.optimizer.algorithms.BFGSv3.update_Binv", false]], "update_scf_backward_eps() (in module hippynn.interfaces.pyseqm_interface.callback)": [[69, "hippynn.interfaces.pyseqm_interface.callback.update_scf_backward_eps", false]], "update_scf_eps() (in module hippynn.interfaces.pyseqm_interface.callback)": [[69, "hippynn.interfaces.pyseqm_interface.callback.update_scf_eps", false]], "updater (variable property)": [[94, "hippynn.molecular_dynamics.md.Variable.updater", false]], "val_dataloader() (hippynndatamodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnDataModule.val_dataloader", false]], "validation_step() (hippynnlightningmodule method)": [[24, "hippynn.experiment.lightning_trainer.HippynnLightningModule.validation_step", false]], "valuemod (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.ValueMod", false]], "valuenode (class in hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.ValueNode", false]], "var (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.Var", false]], "var_list (database property)": [[13, "hippynn.databases.Database.var_list", false], [15, "hippynn.databases.database.Database.var_list", false]], "var_list (evaluator property)": [[23, "hippynn.experiment.evaluator.Evaluator.var_list", false]], "variable (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.Variable", false]], "variable (variableupdater property)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater.variable", false]], "variables (moleculardynamics property)": [[94, "hippynn.molecular_dynamics.md.MolecularDynamics.variables", false]], "variableupdater (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.VariableUpdater", false]], "vecmag (class in hippynn.graphs.nodes.physics)": [[55, "hippynn.graphs.nodes.physics.VecMag", false]], "vecmag (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.VecMag", false]], "velocityverlet (class in hippynn.molecular_dynamics.md)": [[94, "hippynn.molecular_dynamics.md.VelocityVerlet", false]], "via_numpy() (in module hippynn.custom_kernels.tensor_wrapper)": [[8, "hippynn.custom_kernels.tensor_wrapper.via_numpy", false]], "visualize_connected_nodes() (in module hippynn.graphs.viz)": [[59, "hippynn.graphs.viz.visualize_connected_nodes", false]], "visualize_graph_module() (in module hippynn.graphs.viz)": [[59, "hippynn.graphs.viz.visualize_graph_module", false]], "visualize_node_set() (in module hippynn.graphs.viz)": [[59, "hippynn.graphs.viz.visualize_node_set", false]], "warn_if_under() (in module hippynn.layers.hiplayers)": [[80, "hippynn.layers.hiplayers.warn_if_under", false]], "weightedmaeloss (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.WeightedMAELoss", false]], "weightedmaeloss (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.WeightedMAELoss", false]], "weightedmseloss (class in hippynn.graphs.nodes.loss)": [[51, "hippynn.graphs.nodes.loss.WeightedMSELoss", false]], "weightedmseloss (class in hippynn.layers.algebra)": [[78, "hippynn.layers.algebra.WeightedMSELoss", false]], "wolfscreening (class in hippynn.layers.physics)": [[89, "hippynn.layers.physics.WolfScreening", false]], "wrap_as_node() (in module hippynn.graphs.nodes.base.algebra)": [[43, "hippynn.graphs.nodes.base.algebra.wrap_as_node", false]], "wrap_envops() (in module hippynn.custom_kernels.autograd_wrapper)": [[2, "hippynn.custom_kernels.autograd_wrapper.wrap_envops", false]], "wrap_outputs() (predictor method)": [[29, "hippynn.graphs.Predictor.wrap_outputs", false], [58, "hippynn.graphs.predictor.Predictor.wrap_outputs", false]], "wrap_points_np() (in module hippynn.layers.pairs.dispatch)": [[84, "hippynn.layers.pairs.dispatch.wrap_points_np", false]], "wrappedenvsum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedEnvsum", false]], "wrappedfeatsum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedFeatsum", false]], "wrappedsensesum (class in hippynn.custom_kernels.env_numba)": [[4, "hippynn.custom_kernels.env_numba.WrappedSensesum", false]], "write() (teed_file_output method)": [[106, "hippynn.tools.teed_file_output.write", false]], "write_h5() (database method)": [[13, "hippynn.databases.Database.write_h5", false], [15, "hippynn.databases.database.Database.write_h5", false]], "write_npz() (database method)": [[13, "hippynn.databases.Database.write_npz", false], [15, "hippynn.databases.database.Database.write_npz", false]]}, "objects": {"": [[0, 0, 0, "-", "hippynn"]], "hippynn": [[1, 0, 0, "-", "custom_kernels"], [13, 0, 0, "-", "databases"], [19, 0, 0, "-", "experiment"], [29, 0, 0, "-", "graphs"], [60, 0, 0, "-", "interfaces"], [77, 0, 0, "-", "layers"], [93, 0, 0, "-", "molecular_dynamics"], [95, 0, 0, "-", "networks"], [97, 0, 0, "-", "optimizer"], [101, 0, 0, "-", "plotting"], [105, 0, 0, "-", "pretraining"], [106, 0, 0, "-", "tools"]], "hippynn.custom_kernels": [[2, 0, 0, "-", "autograd_wrapper"], [3, 0, 0, "-", "env_cupy"], [4, 0, 0, "-", "env_numba"], [5, 0, 0, "-", "env_pytorch"], [6, 0, 0, "-", "env_triton"], [7, 0, 0, "-", "fast_convert"], [1, 1, 1, "", "set_custom_kernels"], [8, 0, 0, "-", "tensor_wrapper"], [9, 0, 0, "-", "test_env_cupy"], [10, 0, 0, "-", "test_env_numba"], [11, 0, 0, "-", "test_env_triton"], [12, 0, 0, "-", "utils"]], "hippynn.custom_kernels.autograd_wrapper": [[2, 1, 1, "", "wrap_envops"]], "hippynn.custom_kernels.env_cupy": [[3, 2, 1, "", "CupyEnvsum"], [3, 2, 1, "", "CupyFeatsum"], [3, 2, 1, "", "CupyGPUKernel"], [3, 2, 1, "", "CupySensesum"]], "hippynn.custom_kernels.env_cupy.CupyGPUKernel": [[3, 3, 1, "", "__init__"]], "hippynn.custom_kernels.env_numba": [[4, 2, 1, "", "WrappedEnvsum"], [4, 2, 1, "", "WrappedFeatsum"], [4, 2, 1, "", "WrappedSensesum"]], "hippynn.custom_kernels.env_numba.WrappedEnvsum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_numba.WrappedFeatsum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_numba.WrappedSensesum": [[4, 3, 1, "", "cpu_kernel"], [4, 3, 1, "", "launch_bounds"], [4, 3, 1, "", "make_kernel"], [4, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.env_pytorch": [[5, 1, 1, "", "envsum"], [5, 1, 1, "", "featsum"], [5, 1, 1, "", "sensesum"]], "hippynn.custom_kernels.env_triton": [[6, 1, 1, "", "config_pruner"], [6, 1, 1, "", "envsum"], [6, 1, 1, "", "envsum_triton"], [6, 1, 1, "", "featsum"], [6, 1, 1, "", "featsum_triton"], [6, 1, 1, "", "get_autotune_config"], [6, 1, 1, "", "sensesum"]], "hippynn.custom_kernels.fast_convert": [[7, 1, 1, "", "batch_convert_torch_to_numba"]], "hippynn.custom_kernels.tensor_wrapper": [[8, 2, 1, "", "NumbaCompatibleTensorFunction"], [8, 1, 1, "", "via_numpy"]], "hippynn.custom_kernels.tensor_wrapper.NumbaCompatibleTensorFunction": [[8, 3, 1, "", "__init__"], [8, 3, 1, "", "cpu_kernel"], [8, 3, 1, "", "launch_bounds"], [8, 3, 1, "", "make_kernel"], [8, 3, 1, "", "out_shape"]], "hippynn.custom_kernels.test_env_numba": [[10, 2, 1, "", "Envops_tester"], [10, 2, 1, "", "TimedSnippet"], [10, 2, 1, "", "TimerHolder"], [10, 1, 1, "", "get_simulated_data"], [10, 1, 1, "", "main"], [10, 1, 1, "", "parse_args"]], "hippynn.custom_kernels.test_env_numba.Envops_tester": [[10, 3, 1, "", "__init__"], [10, 3, 1, "", "all_close_witherror"], [10, 3, 1, "", "check_all_grad"], [10, 3, 1, "", "check_all_grad_once"], [10, 3, 1, "", "check_allclose"], [10, 3, 1, "", "check_allclose_once"], [10, 3, 1, "", "check_correctness"], [10, 3, 1, "", "check_empty"], [10, 3, 1, "", "check_grad_and_gradgrad"], [10, 3, 1, "", "check_speed"]], "hippynn.custom_kernels.test_env_numba.TimedSnippet": [[10, 3, 1, "", "__init__"], [10, 4, 1, "", "elapsed"]], "hippynn.custom_kernels.test_env_numba.TimerHolder": [[10, 3, 1, "", "__init__"], [10, 3, 1, "", "add"], [10, 4, 1, "", "elapsed"], [10, 4, 1, "", "mean_elapsed"], [10, 4, 1, "", "median_elapsed"]], "hippynn.custom_kernels.utils": [[12, 1, 1, "", "clear_pair_cache"], [12, 1, 1, "", "resort_pairs_cached"]], "hippynn.databases": [[13, 2, 1, "", "AseDatabase"], [13, 2, 1, "", "Database"], [13, 2, 1, "", "DirectoryDatabase"], [13, 2, 1, "", "NPZDatabase"], [14, 0, 0, "-", "SNAPJson"], [15, 0, 0, "-", "database"], [17, 0, 0, "-", "ondisk"], [18, 0, 0, "-", "restarter"]], "hippynn.databases.AseDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.Database": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "add_split_masks"], [13, 3, 1, "", "get_device"], [13, 3, 1, "", "make_automatic_splits"], [13, 3, 1, "", "make_database_cache"], [13, 3, 1, "", "make_explicit_split"], [13, 3, 1, "", "make_explicit_split_bool"], [13, 3, 1, "", "make_generator"], [13, 3, 1, "", "make_random_split"], [13, 3, 1, "", "make_trainvalidtest_split"], [13, 3, 1, "", "remove_high_property"], [13, 3, 1, "", "send_to_device"], [13, 3, 1, "", "sort_by_index"], [13, 3, 1, "", "split_the_rest"], [13, 3, 1, "", "trim_by_species"], [13, 4, 1, "", "var_list"], [13, 3, 1, "", "write_h5"], [13, 3, 1, "", "write_npz"]], "hippynn.databases.DirectoryDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_file_dict"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.NPZDatabase": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "load_arrays"]], "hippynn.databases.SNAPJson": [[14, 2, 1, "", "SNAPDirectoryDatabase"]], "hippynn.databases.SNAPJson.SNAPDirectoryDatabase": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "extract_snap_file"], [14, 3, 1, "", "filter_arrays"], [14, 3, 1, "", "load_arrays"], [14, 3, 1, "", "process_configs"]], "hippynn.databases.database": [[15, 2, 1, "", "Database"], [15, 2, 1, "", "NamedTensorDataset"], [15, 1, 1, "", "compute_index_mask"], [15, 1, 1, "", "prettyprint_arrays"]], "hippynn.databases.database.Database": [[15, 3, 1, "", "__init__"], [15, 3, 1, "", "add_split_masks"], [15, 3, 1, "", "get_device"], [15, 3, 1, "", "make_automatic_splits"], [15, 3, 1, "", "make_database_cache"], [15, 3, 1, "", "make_explicit_split"], [15, 3, 1, "", "make_explicit_split_bool"], [15, 3, 1, "", "make_generator"], [15, 3, 1, "", "make_random_split"], [15, 3, 1, "", "make_trainvalidtest_split"], [15, 3, 1, "", "remove_high_property"], [15, 3, 1, "", "send_to_device"], [15, 3, 1, "", "sort_by_index"], [15, 3, 1, "", "split_the_rest"], [15, 3, 1, "", "trim_by_species"], [15, 4, 1, "", "var_list"], [15, 3, 1, "", "write_h5"], [15, 3, 1, "", "write_npz"]], "hippynn.databases.database.NamedTensorDataset": [[15, 3, 1, "", "__init__"]], "hippynn.databases.ondisk": [[17, 2, 1, "", "DirectoryDatabase"], [17, 2, 1, "", "NPZDatabase"]], "hippynn.databases.ondisk.DirectoryDatabase": [[17, 3, 1, "", "__init__"], [17, 3, 1, "", "get_file_dict"], [17, 3, 1, "", "load_arrays"]], "hippynn.databases.ondisk.NPZDatabase": [[17, 3, 1, "", "__init__"], [17, 3, 1, "", "load_arrays"]], "hippynn.databases.restarter": [[18, 2, 1, "", "NoRestart"], [18, 2, 1, "", "RestartDB"], [18, 2, 1, "", "Restartable"], [18, 2, 1, "", "Restarter"]], "hippynn.databases.restarter.NoRestart": [[18, 3, 1, "", "attempt_restart"]], "hippynn.databases.restarter.RestartDB": [[18, 3, 1, "", "__init__"], [18, 3, 1, "", "attempt_restart"]], "hippynn.databases.restarter.Restartable": [[18, 3, 1, "", "make_restarter"]], "hippynn.databases.restarter.Restarter": [[18, 3, 1, "", "attempt_restart"]], "hippynn.experiment": [[19, 2, 1, "", "SetupParams"], [19, 1, 1, "", "assemble_for_training"], [20, 0, 0, "-", "assembly"], [21, 0, 0, "-", "controllers"], [22, 0, 0, "-", "device"], [23, 0, 0, "-", "evaluator"], [24, 0, 0, "-", "lightning_trainer"], [25, 0, 0, "-", "metric_tracker"], [26, 0, 0, "-", "routines"], [27, 0, 0, "-", "serialization"], [19, 1, 1, "", "setup_and_train"], [19, 1, 1, "", "setup_training"], [28, 0, 0, "-", "step_functions"], [19, 1, 1, "", "test_model"], [19, 1, 1, "", "train_model"]], "hippynn.experiment.SetupParams": [[19, 3, 1, "", "__init__"], [19, 5, 1, "", "batch_size"], [19, 5, 1, "", "controller"], [19, 5, 1, "", "device"], [19, 5, 1, "", "eval_batch_size"], [19, 5, 1, "", "fraction_train_eval"], [19, 5, 1, "", "learning_rate"], [19, 5, 1, "", "max_epochs"], [19, 5, 1, "", "optimizer"], [19, 5, 1, "", "scheduler"], [19, 5, 1, "", "stopping_key"]], "hippynn.experiment.assembly": [[20, 2, 1, "", "TrainingModules"], [20, 1, 1, "", "assemble_for_training"], [20, 1, 1, "", "build_loss_modules"], [20, 1, 1, "", "determine_out_in_targ"], [20, 1, 1, "", "generate_database_info"], [20, 1, 1, "", "precompute_pairs"]], "hippynn.experiment.assembly.TrainingModules": [[20, 5, 1, "", "evaluator"], [20, 5, 1, "", "loss"], [20, 5, 1, "", "model"]], "hippynn.experiment.controllers": [[21, 2, 1, "", "Controller"], [21, 2, 1, "", "PatienceController"], [21, 2, 1, "", "RaiseBatchSizeOnPlateau"], [21, 1, 1, "", "is_scheduler_like"]], "hippynn.experiment.controllers.Controller": [[21, 3, 1, "", "__init__"], [21, 3, 1, "", "load_state_dict"], [21, 4, 1, "", "max_epochs"], [21, 3, 1, "", "push_epoch"], [21, 3, 1, "", "state_dict"]], "hippynn.experiment.controllers.PatienceController": [[21, 3, 1, "", "__init__"], [21, 4, 1, "", "max_epochs"], [21, 3, 1, "", "push_epoch"]], "hippynn.experiment.controllers.RaiseBatchSizeOnPlateau": [[21, 3, 1, "", "__init__"], [21, 3, 1, "", "load_state_dict"], [21, 4, 1, "", "optimizer"], [21, 3, 1, "", "set_controller"], [21, 3, 1, "", "state_dict"], [21, 3, 1, "", "step"]], "hippynn.experiment.device": [[22, 1, 1, "", "set_devices"]], "hippynn.experiment.evaluator": [[23, 2, 1, "", "Evaluator"]], "hippynn.experiment.evaluator.Evaluator": [[23, 3, 1, "", "__init__"], [23, 3, 1, "", "evaluate"], [23, 4, 1, "", "var_list"]], "hippynn.experiment.lightning_trainer": [[24, 2, 1, "", "HippynnDataModule"], [24, 2, 1, "", "HippynnLightningModule"], [24, 2, 1, "", "LightingPrintStagesCallback"]], "hippynn.experiment.lightning_trainer.HippynnDataModule": [[24, 3, 1, "", "__init__"], [24, 3, 1, "", "test_dataloader"], [24, 3, 1, "", "train_dataloader"], [24, 3, 1, "", "val_dataloader"]], "hippynn.experiment.lightning_trainer.HippynnLightningModule": [[24, 3, 1, "", "__init__"], [24, 3, 1, "", "configure_optimizers"], [24, 3, 1, "", "from_experiment_setup"], [24, 3, 1, "", "from_train_setup"], [24, 3, 1, "", "load_from_checkpoint"], [24, 3, 1, "", "on_load_checkpoint"], [24, 3, 1, "", "on_save_checkpoint"], [24, 3, 1, "", "on_test_end"], [24, 3, 1, "", "on_test_epoch_end"], [24, 3, 1, "", "on_train_epoch_start"], [24, 3, 1, "", "on_validation_end"], [24, 3, 1, "", "on_validation_epoch_end"], [24, 3, 1, "", "test_step"], [24, 3, 1, "", "training_step"], [24, 3, 1, "", "validation_step"]], "hippynn.experiment.lightning_trainer.LightingPrintStagesCallback": [[24, 5, 1, "", "k"]], "hippynn.experiment.metric_tracker": [[25, 2, 1, "", "MetricTracker"], [25, 1, 1, "", "table_evaluation_print"], [25, 1, 1, "", "table_evaluation_print_better"]], "hippynn.experiment.metric_tracker.MetricTracker": [[25, 3, 1, "", "__init__"], [25, 4, 1, "", "current_epoch"], [25, 3, 1, "", "evaluation_print"], [25, 3, 1, "", "evaluation_print_better"], [25, 3, 1, "", "from_evaluator"], [25, 3, 1, "", "plot_over_time"], [25, 3, 1, "", "register_metrics"]], "hippynn.experiment.routines": [[26, 2, 1, "", "SetupParams"], [26, 1, 1, "", "setup_and_train"], [26, 1, 1, "", "setup_training"], [26, 1, 1, "", "test_model"], [26, 1, 1, "", "train_model"], [26, 1, 1, "", "training_loop"]], "hippynn.experiment.routines.SetupParams": [[26, 3, 1, "", "__init__"], [26, 5, 1, "", "batch_size"], [26, 5, 1, "", "controller"], [26, 5, 1, "", "device"], [26, 5, 1, "", "eval_batch_size"], [26, 5, 1, "", "fraction_train_eval"], [26, 5, 1, "", "learning_rate"], [26, 5, 1, "", "max_epochs"], [26, 5, 1, "", "optimizer"], [26, 5, 1, "", "scheduler"], [26, 5, 1, "", "stopping_key"]], "hippynn.experiment.serialization": [[27, 1, 1, "", "check_mapping_devices"], [27, 1, 1, "", "create_state"], [27, 1, 1, "", "create_structure_file"], [27, 1, 1, "", "load_checkpoint"], [27, 1, 1, "", "load_checkpoint_from_cwd"], [27, 1, 1, "", "load_model_from_cwd"], [27, 1, 1, "", "load_saved_tensors"], [27, 1, 1, "", "restore_checkpoint"]], "hippynn.experiment.step_functions": [[28, 2, 1, "", "ClosureStep"], [28, 2, 1, "", "StandardStep"], [28, 2, 1, "", "StepFn"], [28, 2, 1, "", "TwoStep"], [28, 1, 1, "", "closure_step_fn"], [28, 1, 1, "", "get_step_function"], [28, 1, 1, "", "standard_step_fn"], [28, 1, 1, "", "twostep_step_fn"]], "hippynn.experiment.step_functions.ClosureStep": [[28, 3, 1, "", "step"]], "hippynn.experiment.step_functions.StandardStep": [[28, 3, 1, "", "step"]], "hippynn.experiment.step_functions.StepFn": [[28, 5, 1, "", "step"]], "hippynn.experiment.step_functions.TwoStep": [[28, 3, 1, "", "step"]], "hippynn.graphs": [[29, 2, 1, "", "GraphModule"], [29, 2, 1, "", "IdxType"], [29, 2, 1, "", "Predictor"], [29, 1, 1, "", "compute_evaluation_order"], [29, 1, 1, "", "copy_subgraph"], [30, 0, 0, "-", "ensemble"], [29, 1, 1, "", "find_relatives"], [29, 1, 1, "", "find_unique_relative"], [29, 1, 1, "", "get_connected_nodes"], [29, 1, 1, "", "get_subgraph"], [31, 0, 0, "-", "gops"], [32, 0, 0, "-", "graph"], [33, 0, 0, "-", "indextransformers"], [37, 0, 0, "-", "indextypes"], [29, 1, 1, "", "make_ensemble"], [41, 0, 0, "-", "nodes"], [58, 0, 0, "-", "predictor"], [29, 1, 1, "", "replace_node"], [59, 0, 0, "-", "viz"]], "hippynn.graphs.GraphModule": [[29, 3, 1, "", "__init__"], [29, 3, 1, "", "extra_repr"], [29, 3, 1, "", "forward"], [29, 3, 1, "", "get_module"], [29, 3, 1, "", "node_from_name"], [29, 3, 1, "", "print_structure"]], "hippynn.graphs.IdxType": [[29, 5, 1, "", "Atoms"], [29, 5, 1, "", "MolAtom"], [29, 5, 1, "", "MolAtomAtom"], [29, 5, 1, "", "Molecules"], [29, 5, 1, "", "NotFound"], [29, 5, 1, "", "Pair"], [29, 5, 1, "", "QuadMol"], [29, 5, 1, "", "QuadPack"], [29, 5, 1, "", "Scalar"]], "hippynn.graphs.Predictor": [[29, 3, 1, "", "__init__"], [29, 3, 1, "", "add_output"], [29, 3, 1, "", "apply_to_database"], [29, 3, 1, "", "from_graph"], [29, 4, 1, "", "inputs"], [29, 4, 1, "", "model_device"], [29, 4, 1, "", "outputs"], [29, 3, 1, "", "predict_all"], [29, 3, 1, "", "predict_batched"], [29, 3, 1, "", "to"], [29, 3, 1, "", "wrap_outputs"]], "hippynn.graphs.ensemble": [[30, 1, 1, "", "collate_inputs"], [30, 1, 1, "", "collate_targets"], [30, 1, 1, "", "construct_outputs"], [30, 1, 1, "", "get_graphs"], [30, 1, 1, "", "identify_inputs"], [30, 1, 1, "", "identify_targets"], [30, 1, 1, "", "make_ensemble"], [30, 1, 1, "", "make_ensemble_graph"], [30, 1, 1, "", "make_ensemble_info"], [30, 1, 1, "", "replace_inputs"]], "hippynn.graphs.gops": [[31, 6, 1, "", "GraphInconsistency"], [31, 1, 1, "", "check_evaluation_order"], [31, 1, 1, "", "check_link_consistency"], [31, 1, 1, "", "compute_evaluation_order"], [31, 1, 1, "", "copy_subgraph"], [31, 1, 1, "", "get_subgraph"], [31, 1, 1, "", "merge_children"], [31, 1, 1, "", "merge_children_recursive"], [31, 1, 1, "", "replace_node"], [31, 1, 1, "", "replace_node_with_constant"], [31, 1, 1, "", "search_by_name"]], "hippynn.graphs.graph": [[32, 2, 1, "", "GraphModule"]], "hippynn.graphs.graph.GraphModule": [[32, 3, 1, "", "__init__"], [32, 3, 1, "", "extra_repr"], [32, 3, 1, "", "forward"], [32, 3, 1, "", "get_module"], [32, 3, 1, "", "node_from_name"], [32, 3, 1, "", "print_structure"]], "hippynn.graphs.indextransformers": [[34, 0, 0, "-", "atoms"], [35, 0, 0, "-", "pairs"], [36, 0, 0, "-", "tensors"]], "hippynn.graphs.indextransformers.atoms": [[34, 1, 1, "", "idx_atom_molatom"], [34, 1, 1, "", "idx_molatom_atom"]], "hippynn.graphs.indextransformers.pairs": [[35, 1, 1, "", "idx_molatomatom_pair"], [35, 1, 1, "", "idx_pair_molatomatom"]], "hippynn.graphs.indextransformers.tensors": [[36, 1, 1, "", "idx_QuadTriMol"]], "hippynn.graphs.indextypes": [[37, 2, 1, "", "IdxType"], [37, 1, 1, "", "clear_index_cache"], [37, 1, 1, "", "db_form"], [37, 1, 1, "", "elementwise_compare_reduce"], [37, 1, 1, "", "get_reduced_index_state"], [37, 1, 1, "", "index_type_coercion"], [38, 0, 0, "-", "reduce_funcs"], [37, 1, 1, "", "register_index_transformer"], [39, 0, 0, "-", "registry"], [37, 1, 1, "", "soft_index_type_coercion"], [40, 0, 0, "-", "type_def"]], "hippynn.graphs.indextypes.IdxType": [[37, 5, 1, "", "Atoms"], [37, 5, 1, "", "MolAtom"], [37, 5, 1, "", "MolAtomAtom"], [37, 5, 1, "", "Molecules"], [37, 5, 1, "", "NotFound"], [37, 5, 1, "", "Pair"], [37, 5, 1, "", "QuadMol"], [37, 5, 1, "", "QuadPack"], [37, 5, 1, "", "Scalar"]], "hippynn.graphs.indextypes.reduce_funcs": [[38, 1, 1, "", "db_form"], [38, 1, 1, "", "db_state_of"], [38, 1, 1, "", "dispatch_indexing"], [38, 1, 1, "", "elementwise_compare_reduce"], [38, 1, 1, "", "get_reduced_index_state"], [38, 1, 1, "", "index_type_coercion"], [38, 1, 1, "", "soft_index_type_coercion"]], "hippynn.graphs.indextypes.registry": [[39, 1, 1, "", "assign_index_aliases"], [39, 1, 1, "", "clear_index_cache"], [39, 1, 1, "", "register_index_transformer"]], "hippynn.graphs.indextypes.type_def": [[40, 2, 1, "", "IdxType"]], "hippynn.graphs.indextypes.type_def.IdxType": [[40, 5, 1, "", "Atoms"], [40, 5, 1, "", "MolAtom"], [40, 5, 1, "", "MolAtomAtom"], [40, 5, 1, "", "Molecules"], [40, 5, 1, "", "NotFound"], [40, 5, 1, "", "Pair"], [40, 5, 1, "", "QuadMol"], [40, 5, 1, "", "QuadPack"], [40, 5, 1, "", "Scalar"]], "hippynn.graphs.nodes": [[42, 0, 0, "-", "base"], [48, 0, 0, "-", "excited"], [49, 0, 0, "-", "indexers"], [50, 0, 0, "-", "inputs"], [51, 0, 0, "-", "loss"], [52, 0, 0, "-", "misc"], [53, 0, 0, "-", "networks"], [54, 0, 0, "-", "pairs"], [55, 0, 0, "-", "physics"], [56, 0, 0, "-", "tags"], [57, 0, 0, "-", "targets"]], "hippynn.graphs.nodes.base": [[43, 0, 0, "-", "algebra"], [44, 0, 0, "-", "base"], [45, 0, 0, "-", "definition_helpers"], [46, 0, 0, "-", "multi"], [47, 0, 0, "-", "node_functions"]], "hippynn.graphs.nodes.base.algebra": [[43, 2, 1, "", "AddNode"], [43, 2, 1, "", "AtLeast2D"], [43, 2, 1, "", "BinNode"], [43, 2, 1, "", "DivNode"], [43, 2, 1, "", "InvNode"], [43, 2, 1, "", "MulNode"], [43, 2, 1, "", "NegNode"], [43, 2, 1, "", "PowNode"], [43, 2, 1, "", "SubNode"], [43, 2, 1, "", "UnaryNode"], [43, 2, 1, "", "ValueNode"], [43, 1, 1, "", "coerces_values_to_nodes"], [43, 1, 1, "", "wrap_as_node"]], "hippynn.graphs.nodes.base.algebra.AddNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.AtLeast2D": [[43, 3, 1, "", "__init__"], [43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.BinNode": [[43, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.algebra.DivNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.InvNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.MulNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.NegNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.PowNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.SubNode": [[43, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.base.algebra.UnaryNode": [[43, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.algebra.ValueNode": [[43, 3, 1, "", "__init__"], [43, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.base": [[44, 2, 1, "", "InputNode"], [44, 2, 1, "", "LossInputNode"], [44, 2, 1, "", "LossPredNode"], [44, 2, 1, "", "LossTrueNode"], [44, 2, 1, "", "Node"], [44, 2, 1, "", "SingleNode"]], "hippynn.graphs.nodes.base.base.InputNode": [[44, 3, 1, "", "__init__"], [44, 5, 1, "", "input_type_str"], [44, 5, 1, "", "requires_grad"]], "hippynn.graphs.nodes.base.base.LossInputNode": [[44, 3, 1, "", "__init__"], [44, 4, 1, "", "pred"], [44, 4, 1, "", "true"]], "hippynn.graphs.nodes.base.base.LossPredNode": [[44, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.base.LossTrueNode": [[44, 3, 1, "", "__init__"], [44, 4, 1, "", "main_output"]], "hippynn.graphs.nodes.base.definition_helpers": [[45, 2, 1, "", "AlwaysMatch"], [45, 2, 1, "", "AutoKw"], [45, 2, 1, "", "AutoNoKw"], [45, 2, 1, "", "CompatibleIdxTypeTransformer"], [45, 2, 1, "", "ExpandParentMeta"], [45, 2, 1, "", "ExpandParents"], [45, 2, 1, "", "FormAssertLength"], [45, 2, 1, "", "FormAssertion"], [45, 2, 1, "", "FormHandler"], [45, 2, 1, "", "FormTransformer"], [45, 2, 1, "", "IndexFormTransformer"], [45, 2, 1, "", "MainOutputTransformer"], [45, 2, 1, "", "ParentExpander"], [45, 6, 1, "", "TupleTypeMismatch"], [45, 1, 1, "", "adds_to_forms"], [45, 1, 1, "", "format_form_name"], [45, 1, 1, "", "temporary_parents"]], "hippynn.graphs.nodes.base.definition_helpers.AutoKw": [[45, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.definition_helpers.AutoNoKw": [[45, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.base.definition_helpers.CompatibleIdxTypeTransformer": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"], [45, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.ExpandParents": [[45, 3, 1, "", "expand_parents"]], "hippynn.graphs.nodes.base.definition_helpers.FormAssertLength": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormAssertion": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormHandler": [[45, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.FormTransformer": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"]], "hippynn.graphs.nodes.base.definition_helpers.IndexFormTransformer": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"], [45, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.MainOutputTransformer": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "add_class_doc"], [45, 3, 1, "", "fn"]], "hippynn.graphs.nodes.base.definition_helpers.ParentExpander": [[45, 3, 1, "", "__init__"], [45, 3, 1, "", "assertion"], [45, 3, 1, "", "assertlen"], [45, 3, 1, "", "get_main_outputs"], [45, 3, 1, "", "match"], [45, 3, 1, "", "matched_idx_coercion"], [45, 3, 1, "", "matchlen"], [45, 3, 1, "", "require_compatible_idx_states"], [45, 3, 1, "", "require_idx_states"]], "hippynn.graphs.nodes.base.multi": [[46, 2, 1, "", "IndexNode"], [46, 2, 1, "", "MultiNode"]], "hippynn.graphs.nodes.base.multi.IndexNode": [[46, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.base.multi.MultiNode": [[46, 3, 1, "", "__init__"], [46, 4, 1, "", "main_output"], [46, 3, 1, "", "set_dbname"]], "hippynn.graphs.nodes.base.node_functions": [[47, 6, 1, "", "NodeAmbiguityError"], [47, 6, 1, "", "NodeNotFound"], [47, 6, 1, "", "NodeOperationError"], [47, 1, 1, "", "find_relatives"], [47, 1, 1, "", "find_unique_relative"], [47, 1, 1, "", "get_connected_nodes"]], "hippynn.graphs.nodes.excited": [[48, 2, 1, "", "LocalEnergyNode"], [48, 2, 1, "", "MAEPhaseLoss"], [48, 2, 1, "", "MSEPhaseLoss"], [48, 2, 1, "", "NACRMultiStateNode"], [48, 2, 1, "", "NACRNode"]], "hippynn.graphs.nodes.excited.LocalEnergyNode": [[48, 3, 1, "", "__init__"], [48, 3, 1, "", "auto_module"], [48, 3, 1, "", "expansion0"], [48, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.excited.MAEPhaseLoss": [[48, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.excited.MSEPhaseLoss": [[48, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.excited.NACRMultiStateNode": [[48, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.excited.NACRNode": [[48, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers": [[49, 2, 1, "", "AtomDeIndexer"], [49, 2, 1, "", "AtomReIndexer"], [49, 2, 1, "", "FilterBondsOneway"], [49, 2, 1, "", "FuzzyHistogrammer"], [49, 2, 1, "", "OneHotEncoder"], [49, 2, 1, "", "PaddingIndexer"], [49, 2, 1, "", "QuadUnpackNode"], [49, 2, 1, "", "SysMaxOfAtomsNode"], [49, 1, 1, "", "acquire_encoding_padding"]], "hippynn.graphs.nodes.indexers.AtomDeIndexer": [[49, 3, 1, "", "__init__"], [49, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.indexers.AtomReIndexer": [[49, 3, 1, "", "__init__"], [49, 3, 1, "", "expand0"], [49, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.indexers.FilterBondsOneway": [[49, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.FuzzyHistogrammer": [[49, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.OneHotEncoder": [[49, 3, 1, "", "__init__"], [49, 3, 1, "", "auto_module"]], "hippynn.graphs.nodes.indexers.PaddingIndexer": [[49, 3, 1, "", "__init__"], [49, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.indexers.QuadUnpackNode": [[49, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.indexers.SysMaxOfAtomsNode": [[49, 3, 1, "", "__init__"], [49, 3, 1, "", "expansion0"], [49, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.inputs": [[50, 2, 1, "", "CellNode"], [50, 2, 1, "", "ForceNode"], [50, 2, 1, "", "Indices"], [50, 2, 1, "", "InputCharges"], [50, 2, 1, "", "PairIndices"], [50, 2, 1, "", "PositionsNode"], [50, 2, 1, "", "SpeciesNode"], [50, 2, 1, "", "SplitIndices"]], "hippynn.graphs.nodes.inputs.CellNode": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.ForceNode": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.Indices": [[50, 3, 1, "", "__init__"], [50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.InputCharges": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.PairIndices": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.PositionsNode": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.SpeciesNode": [[50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.inputs.SplitIndices": [[50, 3, 1, "", "__init__"], [50, 5, 1, "", "input_type_str"]], "hippynn.graphs.nodes.loss": [[51, 2, 1, "", "MAELoss"], [51, 2, 1, "", "MSELoss"], [51, 2, 1, "", "Mean"], [51, 2, 1, "", "MeanSq"], [51, 2, 1, "", "ReduceSingleNode"], [51, 2, 1, "", "Rsq"], [51, 2, 1, "", "RsqMod"], [51, 2, 1, "", "Std"], [51, 2, 1, "", "Var"], [51, 2, 1, "", "WeightedMAELoss"], [51, 2, 1, "", "WeightedMSELoss"], [51, 1, 1, "", "absolute_errors"], [51, 1, 1, "", "l1reg"], [51, 1, 1, "", "l2reg"], [51, 1, 1, "", "lpreg"], [51, 1, 1, "", "mean_sq"]], "hippynn.graphs.nodes.loss.MAELoss": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.MSELoss": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.Mean": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.MeanSq": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.ReduceSingleNode": [[51, 3, 1, "", "__init__"], [51, 3, 1, "", "of_node"]], "hippynn.graphs.nodes.loss.Rsq": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.RsqMod": [[51, 3, 1, "", "forward"]], "hippynn.graphs.nodes.loss.Std": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.Var": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.WeightedMAELoss": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.loss.WeightedMSELoss": [[51, 5, 1, "", "torch_module"]], "hippynn.graphs.nodes.misc": [[52, 2, 1, "", "EnsembleTarget"], [52, 2, 1, "", "ListNode"], [52, 2, 1, "", "StrainInducer"]], "hippynn.graphs.nodes.misc.EnsembleTarget": [[52, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.misc.ListNode": [[52, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.misc.StrainInducer": [[52, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.networks": [[53, 2, 1, "", "DefaultNetworkExpansion"], [53, 2, 1, "", "Hipnn"], [53, 2, 1, "", "HipnnQuad"], [53, 2, 1, "", "HipnnVec"]], "hippynn.graphs.nodes.networks.DefaultNetworkExpansion": [[53, 3, 1, "", "expansion0"], [53, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.networks.Hipnn": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.networks.HipnnVec": [[53, 3, 1, "", "__init__"], [53, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.pairs": [[54, 2, 1, "", "DynamicPeriodicPairs"], [54, 2, 1, "", "ExternalNeighborIndexer"], [54, 2, 1, "", "KDTreePairs"], [54, 2, 1, "", "KDTreePairsMemory"], [54, 2, 1, "", "Memory"], [54, 2, 1, "", "MinDistNode"], [54, 2, 1, "", "NumpyDynamicPairs"], [54, 2, 1, "", "OpenPairIndexer"], [54, 2, 1, "", "PaddedNeighborNode"], [54, 2, 1, "", "PairCacher"], [54, 2, 1, "", "PairDeIndexer"], [54, 2, 1, "", "PairFilter"], [54, 2, 1, "", "PairReIndexer"], [54, 2, 1, "", "PairUncacher"], [54, 2, 1, "", "PeriodicPairIndexer"], [54, 2, 1, "", "PeriodicPairIndexerMemory"], [54, 2, 1, "", "PeriodicPairOutputs"], [54, 2, 1, "", "RDFBins"]], "hippynn.graphs.nodes.pairs.ExternalNeighborIndexer": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.KDTreePairsMemory": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.Memory": [[54, 3, 1, "", "reset_reuse_percentage"], [54, 4, 1, "", "reuse_percentage"], [54, 4, 1, "", "skin"]], "hippynn.graphs.nodes.pairs.MinDistNode": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"], [54, 3, 1, "", "expand2"]], "hippynn.graphs.nodes.pairs.OpenPairIndexer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "auto_module"], [54, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PaddedNeighborNode": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PairCacher": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairDeIndexer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairFilter": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"]], "hippynn.graphs.nodes.pairs.PairReIndexer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PairUncacher": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PeriodicPairIndexer": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.pairs.PeriodicPairIndexerMemory": [[54, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.pairs.RDFBins": [[54, 3, 1, "", "__init__"], [54, 3, 1, "", "expand0"], [54, 3, 1, "", "expand1"], [54, 3, 1, "", "expand2"], [54, 3, 1, "", "expand3"]], "hippynn.graphs.nodes.physics": [[55, 2, 1, "", "AtomToMolSummer"], [55, 2, 1, "", "BondToMolSummmer"], [55, 2, 1, "", "ChargeMomentNode"], [55, 2, 1, "", "ChargePairSetup"], [55, 2, 1, "", "CombineEnergyNode"], [55, 2, 1, "", "CoulombEnergyNode"], [55, 2, 1, "", "DipoleNode"], [55, 2, 1, "", "GradientNode"], [55, 2, 1, "", "MultiGradientNode"], [55, 2, 1, "", "PerAtom"], [55, 2, 1, "", "QuadrupoleNode"], [55, 2, 1, "", "ScreenedCoulombEnergyNode"], [55, 2, 1, "", "StressForceNode"], [55, 2, 1, "", "VecMag"]], "hippynn.graphs.nodes.physics.AtomToMolSummer": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.physics.BondToMolSummmer": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"], [55, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.ChargeMomentNode": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"], [55, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.ChargePairSetup": [[55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"], [55, 3, 1, "", "expansion2"], [55, 3, 1, "", "expansion3"], [55, 3, 1, "", "expansion4"]], "hippynn.graphs.nodes.physics.CombineEnergyNode": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"], [55, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.physics.CoulombEnergyNode": [[55, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.GradientNode": [[55, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.MultiGradientNode": [[55, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.PerAtom": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion0"], [55, 3, 1, "", "expansion1"]], "hippynn.graphs.nodes.physics.ScreenedCoulombEnergyNode": [[55, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.StressForceNode": [[55, 3, 1, "", "__init__"]], "hippynn.graphs.nodes.physics.VecMag": [[55, 3, 1, "", "__init__"], [55, 3, 1, "", "expansion2"]], "hippynn.graphs.nodes.tags": [[56, 2, 1, "", "AtomIndexer"], [56, 2, 1, "", "Charges"], [56, 2, 1, "", "Encoder"], [56, 2, 1, "", "Energies"], [56, 2, 1, "", "HAtomRegressor"], [56, 2, 1, "", "Network"], [56, 2, 1, "", "PairCache"], [56, 2, 1, "", "PairIndexer"], [56, 2, 1, "", "Positions"], [56, 2, 1, "", "Species"]], "hippynn.graphs.nodes.tags.Encoder": [[56, 5, 1, "", "species_set"]], "hippynn.graphs.nodes.targets": [[57, 2, 1, "", "HBondNode"], [57, 2, 1, "", "HChargeNode"], [57, 2, 1, "", "HEnergyNode"], [57, 2, 1, "", "LocalChargeEnergy"]], "hippynn.graphs.nodes.targets.HBondNode": [[57, 3, 1, "", "__init__"], [57, 3, 1, "", "expand0"], [57, 3, 1, "", "expand1"]], "hippynn.graphs.nodes.targets.HChargeNode": [[57, 3, 1, "", "__init__"], [57, 3, 1, "", "expansion0"]], "hippynn.graphs.nodes.targets.HEnergyNode": [[57, 3, 1, "", "__init__"], [57, 3, 1, "", "expansion0"]], "hippynn.graphs.nodes.targets.LocalChargeEnergy": [[57, 3, 1, "", "__init__"], [57, 3, 1, "", "expansion0"]], "hippynn.graphs.predictor": [[58, 2, 1, "", "Predictor"]], "hippynn.graphs.predictor.Predictor": [[58, 3, 1, "", "__init__"], [58, 3, 1, "", "add_output"], [58, 3, 1, "", "apply_to_database"], [58, 3, 1, "", "from_graph"], [58, 4, 1, "", "inputs"], [58, 4, 1, "", "model_device"], [58, 4, 1, "", "outputs"], [58, 3, 1, "", "predict_all"], [58, 3, 1, "", "predict_batched"], [58, 3, 1, "", "to"], [58, 3, 1, "", "wrap_outputs"]], "hippynn.graphs.viz": [[59, 1, 1, "", "visualize_connected_nodes"], [59, 1, 1, "", "visualize_graph_module"], [59, 1, 1, "", "visualize_node_set"]], "hippynn.interfaces": [[61, 0, 0, "-", "ase_interface"], [66, 0, 0, "-", "lammps_interface"], [68, 0, 0, "-", "pyseqm_interface"], [76, 0, 0, "-", "schnetpack_interface"]], "hippynn.interfaces.ase_interface": [[61, 2, 1, "", "AseDatabase"], [61, 2, 1, "", "HippynnCalculator"], [62, 0, 0, "-", "ase_database"], [63, 0, 0, "-", "ase_unittests"], [64, 0, 0, "-", "calculator"], [61, 1, 1, "", "calculator_from_model"], [65, 0, 0, "-", "pairfinder"]], "hippynn.interfaces.ase_interface.AseDatabase": [[61, 3, 1, "", "__init__"], [61, 3, 1, "", "load_arrays"]], "hippynn.interfaces.ase_interface.HippynnCalculator": [[61, 3, 1, "", "__init__"], [61, 3, 1, "", "calculate"], [61, 3, 1, "", "calculation_required"], [61, 3, 1, "", "get_charges"], [61, 3, 1, "", "get_dipole"], [61, 3, 1, "", "get_dipole_moment"], [61, 3, 1, "", "get_energies"], [61, 3, 1, "", "get_energy"], [61, 3, 1, "", "get_forces"], [61, 3, 1, "", "get_free_energy"], [61, 3, 1, "", "get_magmom"], [61, 3, 1, "", "get_magmoms"], [61, 3, 1, "", "get_potential_energies"], [61, 3, 1, "", "get_potential_energy"], [61, 3, 1, "", "get_property"], [61, 3, 1, "", "get_stress"], [61, 3, 1, "", "get_stresses"], [61, 3, 1, "", "rebuild_neighbors"], [61, 3, 1, "", "set_atoms"], [61, 3, 1, "", "to"]], "hippynn.interfaces.ase_interface.ase_database": [[62, 2, 1, "", "AseDatabase"]], "hippynn.interfaces.ase_interface.ase_database.AseDatabase": [[62, 3, 1, "", "__init__"], [62, 3, 1, "", "load_arrays"]], "hippynn.interfaces.ase_interface.ase_unittests": [[63, 1, 1, "", "ASE_FilterPair_Coulomb_Construct"]], "hippynn.interfaces.ase_interface.calculator": [[64, 2, 1, "", "HippynnCalculator"], [64, 2, 1, "", "PBCHandle"], [64, 1, 1, "", "calculator_from_model"], [64, 1, 1, "", "pass_to_pytorch"], [64, 1, 1, "", "setup_ASE_graph"]], "hippynn.interfaces.ase_interface.calculator.HippynnCalculator": [[64, 3, 1, "", "__init__"], [64, 3, 1, "", "calculate"], [64, 3, 1, "", "calculation_required"], [64, 3, 1, "", "get_charges"], [64, 3, 1, "", "get_dipole"], [64, 3, 1, "", "get_dipole_moment"], [64, 3, 1, "", "get_energies"], [64, 3, 1, "", "get_energy"], [64, 3, 1, "", "get_forces"], [64, 3, 1, "", "get_free_energy"], [64, 3, 1, "", "get_magmom"], [64, 3, 1, "", "get_magmoms"], [64, 3, 1, "", "get_potential_energies"], [64, 3, 1, "", "get_potential_energy"], [64, 3, 1, "", "get_property"], [64, 3, 1, "", "get_stress"], [64, 3, 1, "", "get_stresses"], [64, 3, 1, "", "rebuild_neighbors"], [64, 3, 1, "", "set_atoms"], [64, 3, 1, "", "to"]], "hippynn.interfaces.ase_interface.calculator.PBCHandle": [[64, 3, 1, "", "__init__"], [64, 3, 1, "", "set"]], "hippynn.interfaces.ase_interface.pairfinder": [[65, 2, 1, "", "ASENeighbors"], [65, 2, 1, "", "ASEPairNode"], [65, 1, 1, "", "ASE_compute_neighbors"]], "hippynn.interfaces.ase_interface.pairfinder.ASENeighbors": [[65, 3, 1, "", "compute_one"]], "hippynn.interfaces.lammps_interface": [[67, 0, 0, "-", "mliap_interface"]], "hippynn.interfaces.lammps_interface.mliap_interface": [[67, 2, 1, "", "LocalAtomEnergyNode"], [67, 2, 1, "", "LocalAtomsEnergy"], [67, 2, 1, "", "MLIAPInterface"], [67, 2, 1, "", "ReIndexAtomMod"], [67, 2, 1, "", "ReIndexAtomNode"], [67, 1, 1, "", "setup_LAMMPS_graph"]], "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomEnergyNode": [[67, 3, 1, "", "__init__"]], "hippynn.interfaces.lammps_interface.mliap_interface.LocalAtomsEnergy": [[67, 3, 1, "", "__init__"], [67, 3, 1, "", "forward"]], "hippynn.interfaces.lammps_interface.mliap_interface.MLIAPInterface": [[67, 3, 1, "", "__init__"], [67, 3, 1, "", "as_tensor"], [67, 3, 1, "", "compute_descriptors"], [67, 3, 1, "", "compute_forces"], [67, 3, 1, "", "compute_gradients"], [67, 3, 1, "", "empty_tensor"]], "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomMod": [[67, 3, 1, "", "forward"]], "hippynn.interfaces.lammps_interface.mliap_interface.ReIndexAtomNode": [[67, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface": [[69, 0, 0, "-", "callback"], [70, 0, 0, "-", "check"], [71, 0, 0, "-", "gen_par"], [72, 0, 0, "-", "mlseqm"], [73, 0, 0, "-", "seqm_modules"], [74, 0, 0, "-", "seqm_nodes"], [75, 0, 0, "-", "seqm_one"]], "hippynn.interfaces.pyseqm_interface.callback": [[69, 1, 1, "", "save_and_stop_after"], [69, 1, 1, "", "update_scf_backward_eps"], [69, 1, 1, "", "update_scf_eps"]], "hippynn.interfaces.pyseqm_interface.check": [[70, 1, 1, "", "check"], [70, 1, 1, "", "check_dist"], [70, 1, 1, "", "check_gradient"], [70, 1, 1, "", "save"]], "hippynn.interfaces.pyseqm_interface.gen_par": [[71, 2, 1, "", "gen_par"]], "hippynn.interfaces.pyseqm_interface.gen_par.gen_par": [[71, 3, 1, "", "__init__"], [71, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.mlseqm": [[72, 2, 1, "", "MLSEQM"], [72, 2, 1, "", "MLSEQM_Node"]], "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM": [[72, 3, 1, "", "__init__"], [72, 3, 1, "", "forward"], [72, 3, 1, "", "save"]], "hippynn.interfaces.pyseqm_interface.mlseqm.MLSEQM_Node": [[72, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_modules": [[73, 2, 1, "", "AtomMask"], [73, 2, 1, "", "SEQM_All"], [73, 2, 1, "", "SEQM_Energy"], [73, 2, 1, "", "SEQM_MaskOnMol"], [73, 2, 1, "", "SEQM_MaskOnMolAtom"], [73, 2, 1, "", "SEQM_MaskOnMolOrbital"], [73, 2, 1, "", "SEQM_MaskOnMolOrbitalAtom"], [73, 2, 1, "", "SEQM_MolMask"], [73, 2, 1, "", "SEQM_OrbitalMask"], [73, 2, 1, "", "Scale"], [73, 1, 1, "", "num_orb"], [73, 1, 1, "", "pack_par"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.AtomMask": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_All": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_Energy": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMol": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolAtom": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbital": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MaskOnMolOrbitalAtom": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_MolMask": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.SEQM_OrbitalMask": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_modules.Scale": [[73, 3, 1, "", "__init__"], [73, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes": [[74, 2, 1, "", "AtomMaskNode"], [74, 2, 1, "", "SEQM_AllNode"], [74, 2, 1, "", "SEQM_EnergyNode"], [74, 2, 1, "", "SEQM_MaskOnMolAtomNode"], [74, 2, 1, "", "SEQM_MaskOnMolNode"], [74, 2, 1, "", "SEQM_MaskOnMolOrbitalAtomNode"], [74, 2, 1, "", "SEQM_MaskOnMolOrbitalNode"], [74, 2, 1, "", "SEQM_MolMaskNode"], [74, 2, 1, "", "SEQM_OrbitalMaskNode"], [74, 2, 1, "", "ScaleNode"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.AtomMaskNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_EnergyNode": [[74, 3, 1, "", "__init__"], [74, 3, 1, "", "expand0"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolAtomNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalAtomNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MaskOnMolOrbitalNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_MolMaskNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.SEQM_OrbitalMaskNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_nodes.ScaleNode": [[74, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_one": [[75, 2, 1, "", "DensityMatrixNode"], [75, 2, 1, "", "Energy_One"], [75, 2, 1, "", "Hamiltonian_One"], [75, 2, 1, "", "NotConvergedNode"], [75, 2, 1, "", "SEQM_One_All"], [75, 2, 1, "", "SEQM_One_AllNode"], [75, 2, 1, "", "SEQM_One_Energy"], [75, 2, 1, "", "SEQM_One_EnergyNode"]], "hippynn.interfaces.pyseqm_interface.seqm_one.DensityMatrixNode": [[75, 5, 1, "", "input_type_str"]], "hippynn.interfaces.pyseqm_interface.seqm_one.Energy_One": [[75, 3, 1, "", "__init__"]], "hippynn.interfaces.pyseqm_interface.seqm_one.Hamiltonian_One": [[75, 3, 1, "", "__init__"], [75, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.NotConvergedNode": [[75, 5, 1, "", "input_type_str"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_All": [[75, 3, 1, "", "__init__"], [75, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_Energy": [[75, 3, 1, "", "__init__"], [75, 3, 1, "", "forward"]], "hippynn.interfaces.pyseqm_interface.seqm_one.SEQM_One_EnergyNode": [[75, 3, 1, "", "__init__"], [75, 3, 1, "", "expand0"]], "hippynn.interfaces.schnetpack_interface": [[76, 2, 1, "", "SchNetNode"], [76, 2, 1, "", "SchNetWrapper"], [76, 1, 1, "", "create_schnetpack_inputs"]], "hippynn.interfaces.schnetpack_interface.SchNetNode": [[76, 3, 1, "", "__init__"]], "hippynn.interfaces.schnetpack_interface.SchNetWrapper": [[76, 3, 1, "", "__init__"], [76, 3, 1, "", "forward"]], "hippynn.layers": [[78, 0, 0, "-", "algebra"], [79, 0, 0, "-", "excited"], [80, 0, 0, "-", "hiplayers"], [81, 0, 0, "-", "indexers"], [82, 0, 0, "-", "pairs"], [89, 0, 0, "-", "physics"], [90, 0, 0, "-", "regularization"], [91, 0, 0, "-", "targets"], [92, 0, 0, "-", "transform"]], "hippynn.layers.algebra": [[78, 2, 1, "", "AtLeast2D"], [78, 2, 1, "", "EnsembleTarget"], [78, 2, 1, "", "Idx"], [78, 2, 1, "", "LambdaModule"], [78, 2, 1, "", "ListMod"], [78, 2, 1, "", "ValueMod"], [78, 2, 1, "", "WeightedMAELoss"], [78, 2, 1, "", "WeightedMSELoss"]], "hippynn.layers.algebra.AtLeast2D": [[78, 3, 1, "", "forward"]], "hippynn.layers.algebra.EnsembleTarget": [[78, 3, 1, "", "forward"]], "hippynn.layers.algebra.Idx": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "extra_repr"], [78, 3, 1, "", "forward"]], "hippynn.layers.algebra.LambdaModule": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "extra_repr"], [78, 3, 1, "", "forward"]], "hippynn.layers.algebra.ListMod": [[78, 3, 1, "", "forward"]], "hippynn.layers.algebra.ValueMod": [[78, 3, 1, "", "__init__"], [78, 3, 1, "", "extra_repr"], [78, 3, 1, "", "forward"]], "hippynn.layers.algebra.WeightedMAELoss": [[78, 3, 1, "", "loss_func"]], "hippynn.layers.algebra.WeightedMSELoss": [[78, 3, 1, "", "loss_func"]], "hippynn.layers.excited": [[79, 2, 1, "", "LocalEnergy"], [79, 2, 1, "", "NACR"], [79, 2, 1, "", "NACRMultiState"]], "hippynn.layers.excited.LocalEnergy": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.excited.NACR": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.excited.NACRMultiState": [[79, 3, 1, "", "__init__"], [79, 3, 1, "", "forward"]], "hippynn.layers.hiplayers": [[80, 2, 1, "", "CosCutoff"], [80, 2, 1, "", "GaussianSensitivityModule"], [80, 2, 1, "", "InteractLayer"], [80, 2, 1, "", "InteractLayerQuad"], [80, 2, 1, "", "InteractLayerVec"], [80, 2, 1, "", "InverseSensitivityModule"], [80, 2, 1, "", "SensitivityBottleneck"], [80, 2, 1, "", "SensitivityModule"], [80, 1, 1, "", "warn_if_under"]], "hippynn.layers.hiplayers.CosCutoff": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.GaussianSensitivityModule": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.InteractLayer": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"], [80, 3, 1, "", "regularization_params"]], "hippynn.layers.hiplayers.InteractLayerQuad": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.InteractLayerVec": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "compatibility_hook"], [80, 3, 1, "", "forward"], [80, 3, 1, "", "get_extra_state"], [80, 3, 1, "", "set_extra_state"]], "hippynn.layers.hiplayers.InverseSensitivityModule": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.SensitivityBottleneck": [[80, 3, 1, "", "__init__"], [80, 3, 1, "", "forward"]], "hippynn.layers.hiplayers.SensitivityModule": [[80, 3, 1, "", "__init__"]], "hippynn.layers.indexers": [[81, 2, 1, "", "AtomDeIndexer"], [81, 2, 1, "", "AtomReIndexer"], [81, 2, 1, "", "CellScaleInducer"], [81, 2, 1, "", "FilterBondsOneway"], [81, 2, 1, "", "FuzzyHistogram"], [81, 2, 1, "", "MolSummer"], [81, 2, 1, "", "OneHotSpecies"], [81, 2, 1, "", "PaddingIndexer"], [81, 2, 1, "", "QuadPack"], [81, 2, 1, "", "QuadUnpack"], [81, 2, 1, "", "SysMaxOfAtoms"]], "hippynn.layers.indexers.AtomDeIndexer": [[81, 3, 1, "", "forward"]], "hippynn.layers.indexers.AtomReIndexer": [[81, 3, 1, "", "forward"]], "hippynn.layers.indexers.CellScaleInducer": [[81, 3, 1, "", "__init__"], [81, 3, 1, "", "forward"]], "hippynn.layers.indexers.FilterBondsOneway": [[81, 3, 1, "", "forward"]], "hippynn.layers.indexers.FuzzyHistogram": [[81, 3, 1, "", "__init__"], [81, 3, 1, "", "forward"]], "hippynn.layers.indexers.MolSummer": [[81, 3, 1, "", "forward"]], "hippynn.layers.indexers.OneHotSpecies": [[81, 3, 1, "", "__init__"], [81, 3, 1, "", "forward"]], "hippynn.layers.indexers.PaddingIndexer": [[81, 3, 1, "", "forward"]], "hippynn.layers.indexers.QuadPack": [[81, 3, 1, "", "__init__"], [81, 3, 1, "", "forward"]], "hippynn.layers.indexers.QuadUnpack": [[81, 3, 1, "", "__init__"], [81, 3, 1, "", "forward"]], "hippynn.layers.indexers.SysMaxOfAtoms": [[81, 3, 1, "", "forward"]], "hippynn.layers.pairs": [[83, 0, 0, "-", "analysis"], [84, 0, 0, "-", "dispatch"], [85, 0, 0, "-", "filters"], [86, 0, 0, "-", "indexing"], [87, 0, 0, "-", "open"], [88, 0, 0, "-", "periodic"]], "hippynn.layers.pairs.analysis": [[83, 2, 1, "", "MinDistModule"], [83, 2, 1, "", "RDFBins"], [83, 1, 1, "", "min_dist_info"]], "hippynn.layers.pairs.analysis.MinDistModule": [[83, 3, 1, "", "forward"]], "hippynn.layers.pairs.analysis.RDFBins": [[83, 3, 1, "", "__init__"], [83, 3, 1, "", "bin_info"], [83, 3, 1, "", "forward"]], "hippynn.layers.pairs.dispatch": [[84, 2, 1, "", "KDTreeNeighbors"], [84, 2, 1, "", "KDTreePairsMemory"], [84, 2, 1, "", "NPNeighbors"], [84, 2, 1, "", "TorchNeighbors"], [84, 1, 1, "", "neighbor_list_kdtree"], [84, 1, 1, "", "neighbor_list_np"], [84, 1, 1, "", "wrap_points_np"]], "hippynn.layers.pairs.dispatch.KDTreeNeighbors": [[84, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.dispatch.KDTreePairsMemory": [[84, 3, 1, "", "forward"]], "hippynn.layers.pairs.dispatch.NPNeighbors": [[84, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.dispatch.TorchNeighbors": [[84, 3, 1, "", "compute_one"]], "hippynn.layers.pairs.filters": [[85, 2, 1, "", "FilterDistance"]], "hippynn.layers.pairs.filters.FilterDistance": [[85, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing": [[86, 2, 1, "", "ExternalNeighbors"], [86, 2, 1, "", "MolPairSummer"], [86, 2, 1, "", "PaddedNeighModule"], [86, 2, 1, "", "PairCacher"], [86, 2, 1, "", "PairDeIndexer"], [86, 2, 1, "", "PairReIndexer"], [86, 2, 1, "", "PairUncacher"], [86, 1, 1, "", "padded_neighlist"]], "hippynn.layers.pairs.indexing.ExternalNeighbors": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.MolPairSummer": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PaddedNeighModule": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairCacher": [[86, 3, 1, "", "__init__"], [86, 3, 1, "", "forward"], [86, 3, 1, "", "set_images"]], "hippynn.layers.pairs.indexing.PairDeIndexer": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairReIndexer": [[86, 3, 1, "", "forward"]], "hippynn.layers.pairs.indexing.PairUncacher": [[86, 3, 1, "", "__init__"], [86, 3, 1, "", "forward"], [86, 3, 1, "", "set_images"]], "hippynn.layers.pairs.open": [[87, 2, 1, "", "OpenPairIndexer"], [87, 2, 1, "", "PairMemory"]], "hippynn.layers.pairs.open.OpenPairIndexer": [[87, 3, 1, "", "forward"]], "hippynn.layers.pairs.open.PairMemory": [[87, 3, 1, "", "__init__"], [87, 3, 1, "", "forward"], [87, 3, 1, "", "initialize_buffers"], [87, 3, 1, "", "recalculation_needed"], [87, 3, 1, "", "reset_reuse_percentage"], [87, 4, 1, "", "reuse_percentage"], [87, 3, 1, "", "set_skin"], [87, 4, 1, "", "skin"]], "hippynn.layers.pairs.periodic": [[88, 2, 1, "", "PeriodicPairIndexer"], [88, 2, 1, "", "PeriodicPairIndexerMemory"], [88, 2, 1, "", "StaticImagePeriodicPairIndexer"], [88, 1, 1, "", "filter_pairs"]], "hippynn.layers.pairs.periodic.PeriodicPairIndexer": [[88, 3, 1, "", "forward"]], "hippynn.layers.pairs.periodic.PeriodicPairIndexerMemory": [[88, 3, 1, "", "forward"]], "hippynn.layers.pairs.periodic.StaticImagePeriodicPairIndexer": [[88, 3, 1, "", "__init__"], [88, 3, 1, "", "forward"]], "hippynn.layers.physics": [[89, 2, 1, "", "AlphaScreening"], [89, 2, 1, "", "CombineEnergy"], [89, 2, 1, "", "CombineScreenings"], [89, 2, 1, "", "CoulombEnergy"], [89, 2, 1, "", "Dipole"], [89, 2, 1, "", "EwaldRealSpaceScreening"], [89, 2, 1, "", "Gradient"], [89, 2, 1, "", "LocalDampingCosine"], [89, 2, 1, "", "MultiGradient"], [89, 2, 1, "", "PerAtom"], [89, 2, 1, "", "QScreening"], [89, 2, 1, "", "Quadrupole"], [89, 2, 1, "", "ScreenedCoulombEnergy"], [89, 2, 1, "", "StressForce"], [89, 2, 1, "", "VecMag"], [89, 2, 1, "", "WolfScreening"]], "hippynn.layers.physics.AlphaScreening": [[89, 3, 1, "", "__init__"]], "hippynn.layers.physics.CombineEnergy": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.CombineScreenings": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.CoulombEnergy": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.Dipole": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.EwaldRealSpaceScreening": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.Gradient": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.LocalDampingCosine": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.MultiGradient": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.PerAtom": [[89, 3, 1, "", "forward"]], "hippynn.layers.physics.QScreening": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"], [89, 4, 1, "", "p_value"]], "hippynn.layers.physics.Quadrupole": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.ScreenedCoulombEnergy": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.StressForce": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.physics.VecMag": [[89, 3, 1, "", "forward"]], "hippynn.layers.physics.WolfScreening": [[89, 3, 1, "", "__init__"], [89, 3, 1, "", "forward"]], "hippynn.layers.regularization": [[90, 2, 1, "", "LPReg"]], "hippynn.layers.regularization.LPReg": [[90, 3, 1, "", "__init__"], [90, 3, 1, "", "forward"]], "hippynn.layers.targets": [[91, 2, 1, "", "HBondSymmetric"], [91, 2, 1, "", "HCharge"], [91, 2, 1, "", "HEnergy"], [91, 2, 1, "", "LocalChargeEnergy"]], "hippynn.layers.targets.HBondSymmetric": [[91, 3, 1, "", "__init__"], [91, 3, 1, "", "forward"]], "hippynn.layers.targets.HCharge": [[91, 3, 1, "", "__init__"], [91, 3, 1, "", "forward"]], "hippynn.layers.targets.HEnergy": [[91, 3, 1, "", "__init__"], [91, 3, 1, "", "forward"]], "hippynn.layers.targets.LocalChargeEnergy": [[91, 3, 1, "", "__init__"], [91, 3, 1, "", "forward"]], "hippynn.layers.transform": [[92, 2, 1, "", "ResNetWrapper"]], "hippynn.layers.transform.ResNetWrapper": [[92, 3, 1, "", "__init__"], [92, 3, 1, "", "forward"], [92, 3, 1, "", "regularization_params"]], "hippynn.molecular_dynamics": [[94, 0, 0, "-", "md"]], "hippynn.molecular_dynamics.md": [[94, 2, 1, "", "LangevinDynamics"], [94, 2, 1, "", "MolecularDynamics"], [94, 2, 1, "", "NullUpdater"], [94, 2, 1, "", "Variable"], [94, 2, 1, "", "VariableUpdater"], [94, 2, 1, "", "VelocityVerlet"]], "hippynn.molecular_dynamics.md.LangevinDynamics": [[94, 3, 1, "", "__init__"], [94, 3, 1, "", "post_step"], [94, 3, 1, "", "pre_step"], [94, 5, 1, "", "required_variable_data"]], "hippynn.molecular_dynamics.md.MolecularDynamics": [[94, 3, 1, "", "__init__"], [94, 4, 1, "", "device"], [94, 4, 1, "", "dtype"], [94, 3, 1, "", "get_data"], [94, 4, 1, "", "model"], [94, 3, 1, "", "reset_data"], [94, 3, 1, "", "run"], [94, 3, 1, "", "to"], [94, 4, 1, "", "variables"]], "hippynn.molecular_dynamics.md.NullUpdater": [[94, 3, 1, "", "post_step"], [94, 3, 1, "", "pre_step"]], "hippynn.molecular_dynamics.md.Variable": [[94, 3, 1, "", "__init__"], [94, 4, 1, "", "data"], [94, 4, 1, "", "device"], [94, 4, 1, "", "dtype"], [94, 4, 1, "", "model_input_map"], [94, 3, 1, "", "to"], [94, 4, 1, "", "updater"]], "hippynn.molecular_dynamics.md.VariableUpdater": [[94, 3, 1, "", "__init__"], [94, 3, 1, "", "post_step"], [94, 3, 1, "", "pre_step"], [94, 5, 1, "", "required_variable_data"], [94, 4, 1, "", "variable"]], "hippynn.molecular_dynamics.md.VelocityVerlet": [[94, 3, 1, "", "__init__"], [94, 3, 1, "", "post_step"], [94, 3, 1, "", "pre_step"], [94, 5, 1, "", "required_variable_data"]], "hippynn.networks": [[96, 0, 0, "-", "hipnn"]], "hippynn.networks.hipnn": [[96, 2, 1, "", "Hipnn"], [96, 2, 1, "", "HipnnQuad"], [96, 2, 1, "", "HipnnVec"], [96, 1, 1, "", "compute_hipnn_e0"]], "hippynn.networks.hipnn.Hipnn": [[96, 3, 1, "", "__init__"], [96, 3, 1, "", "forward"], [96, 4, 1, "", "interaction_layers"], [96, 3, 1, "", "regularization_params"], [96, 4, 1, "", "sensitivity_layers"]], "hippynn.networks.hipnn.HipnnVec": [[96, 3, 1, "", "__init__"], [96, 3, 1, "", "forward"]], "hippynn.optimizer": [[98, 0, 0, "-", "algorithms"], [99, 0, 0, "-", "batch_optimizer"], [100, 0, 0, "-", "utils"]], "hippynn.optimizer.algorithms": [[98, 2, 1, "", "BFGSv1"], [98, 2, 1, "", "BFGSv2"], [98, 2, 1, "", "BFGSv3"], [98, 2, 1, "", "FIRE"], [98, 2, 1, "", "GeometryOptimizer"], [98, 2, 1, "", "NewtonRaphson"]], "hippynn.optimizer.algorithms.BFGSv1": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "log"], [98, 3, 1, "", "reset"], [98, 3, 1, "", "step"], [98, 3, 1, "", "update_B"]], "hippynn.optimizer.algorithms.BFGSv2": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "log"], [98, 3, 1, "", "reset"], [98, 3, 1, "", "step"], [98, 3, 1, "", "update_B"]], "hippynn.optimizer.algorithms.BFGSv3": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "log"], [98, 3, 1, "", "reset"], [98, 3, 1, "", "step"], [98, 3, 1, "", "update_Binv"]], "hippynn.optimizer.algorithms.FIRE": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "log"], [98, 3, 1, "", "reset"], [98, 3, 1, "", "step"]], "hippynn.optimizer.algorithms.GeometryOptimizer": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "duq"], [98, 3, 1, "", "fmax_criteria"]], "hippynn.optimizer.algorithms.NewtonRaphson": [[98, 3, 1, "", "__init__"], [98, 3, 1, "", "emax_criteria"], [98, 3, 1, "", "reset"], [98, 3, 1, "", "step"]], "hippynn.optimizer.batch_optimizer": [[99, 2, 1, "", "Optimizer"]], "hippynn.optimizer.batch_optimizer.Optimizer": [[99, 3, 1, "", "__init__"], [99, 3, 1, "", "dump_a_step"]], "hippynn.optimizer.utils": [[100, 1, 1, "", "debatch"], [100, 1, 1, "", "debatch_coords"], [100, 1, 1, "", "debatch_numbers"]], "hippynn.plotting": [[102, 0, 0, "-", "plotmaker"], [103, 0, 0, "-", "plotters"], [104, 0, 0, "-", "timeplots"]], "hippynn.plotting.plotmaker": [[102, 2, 1, "", "PlotMaker"]], "hippynn.plotting.plotmaker.PlotMaker": [[102, 3, 1, "", "__init__"], [102, 3, 1, "", "assemble_module"], [102, 3, 1, "", "make_full_location"], [102, 3, 1, "", "make_plots"], [102, 3, 1, "", "plot_phase"], [102, 4, 1, "", "required_nodes"]], "hippynn.plotting.plotters": [[103, 2, 1, "", "ComposedPlotter"], [103, 2, 1, "", "HierarchicalityPlot"], [103, 2, 1, "", "Hist1D"], [103, 2, 1, "", "Hist1DComp"], [103, 2, 1, "", "Hist2D"], [103, 2, 1, "", "InteractionPlot"], [103, 2, 1, "", "Plotter"], [103, 2, 1, "", "SensitivityPlot"], [103, 1, 1, "", "as_numpy"]], "hippynn.plotting.plotters.ComposedPlotter": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.HierarchicalityPlot": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist1D": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist1DComp": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Hist2D": [[103, 3, 1, "", "__init__"], [103, 4, 1, "", "norm"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.InteractionPlot": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.Plotter": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "make_plot"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.plotters.SensitivityPlot": [[103, 3, 1, "", "__init__"], [103, 3, 1, "", "plt_fn"]], "hippynn.plotting.timeplots": [[104, 1, 1, "", "plot_all_over_time"], [104, 1, 1, "", "plot_over_time"]], "hippynn.pretraining": [[105, 1, 1, "", "calculate_max_system_force"], [105, 1, 1, "", "calculate_min_dists"], [105, 1, 1, "", "hierarchical_energy_initialization"], [105, 1, 1, "", "set_e0_values"]], "hippynn.tools": [[106, 1, 1, "", "active_directory"], [106, 1, 1, "", "arrdict_len"], [106, 1, 1, "", "device_fallback"], [106, 1, 1, "", "is_equal_state_dict"], [106, 1, 1, "", "isiterable"], [106, 1, 1, "", "log_terminal"], [106, 1, 1, "", "np_of_torchdefaultdtype"], [106, 1, 1, "", "pad_np_array_to_length_with_zeros"], [106, 1, 1, "", "param_print"], [106, 1, 1, "", "print_lr"], [106, 1, 1, "", "progress_bar"], [106, 1, 1, "", "recursive_param_count"], [106, 2, 1, "", "teed_file_output"], [106, 1, 1, "", "unsqueeze_multiple"]], "hippynn.tools.teed_file_output": [[106, 3, 1, "", "__init__"], [106, 3, 1, "", "flush"], [106, 3, 1, "", "write"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"], "6": ["py", "exception", "Python exception"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:property", "5": "py:attribute", "6": "py:exception"}, "terms": {"": [13, 15, 19, 20, 29, 31, 37, 38, 45, 54, 55, 61, 62, 80, 81, 84, 106, 108, 114, 117, 118, 120, 123, 124, 126, 132], "0": [10, 13, 15, 19, 20, 21, 26, 61, 64, 69, 74, 75, 81, 94, 96, 98, 99, 100, 103, 105, 106, 109, 114, 115, 119, 131], "00": 81, "0001": 21, "001": [69, 98, 114], "00489": 21, "01": [74, 75, 81, 105], "014285714285714285": 98, "02": 81, "02523": 111, "05": [69, 98], "06": 96, "1": [10, 13, 14, 15, 19, 20, 21, 23, 26, 53, 61, 64, 67, 69, 73, 79, 81, 86, 88, 89, 91, 94, 96, 98, 99, 103, 109, 111, 112, 114, 116, 119, 120, 122, 123, 125, 126, 127, 131], "10": [10, 13, 15, 20, 21, 67, 81, 109, 114, 117, 132], "100": [10, 98, 114], "1000": [10, 109], "11": 81, "12": [81, 114], "128": 118, "15": [61, 64], "16": 114, "1711": 21, "19": 24, "1e": [61, 64, 96, 109, 132], "2": [10, 20, 49, 53, 54, 61, 64, 69, 73, 81, 84, 87, 88, 89, 90, 94, 96, 98, 111, 114, 116, 120, 123, 125], "20": [10, 81, 109, 114], "200": [103, 109], "2001": 114, "2018": 21, "2019": 123, "2023": 111, "21": 81, "211386024367243": 67, "22": 81, "2306": 111, "27": [67, 116], "3": [10, 24, 62, 81, 89, 109, 111, 114, 122, 123, 127], "30": 10, "3x3": 62, "4": [53, 55, 81, 116, 126, 132], "5": [10, 21, 48, 49, 53, 54, 81, 98, 105, 109, 114], "50": 105, "500": 103, "512": 109, "6": [62, 96, 114], "6114e22": 94, "7": [10, 96, 114], "70": 98, "72114e": 69, "8": [54, 81, 96, 114], "80": [10, 109], "85": 114, "89233218cna000001": 123, "9": [24, 89, 122], "96": 69, "98": 69, "99": 98, "A": [8, 19, 21, 26, 46, 59, 61, 64, 110, 114, 117, 123, 125, 127, 129, 131], "AND": 123, "AS": 123, "ASE": [61, 63, 64, 86, 110, 113, 116, 121, 122, 128, 129], "And": [81, 108], "As": [27, 29, 31, 116, 125, 132], "At": 126, "BE": 123, "BUT": 123, "BY": 123, "But": [19, 20, 130], "By": [110, 114, 116, 119], "FOR": 123, "For": [13, 15, 27, 54, 61, 66, 68, 96, 111, 113, 116, 118, 119, 120, 122, 124, 125, 126, 127, 130, 131, 132], "IF": 123, "IN": 123, "If": [1, 13, 14, 15, 17, 19, 20, 21, 22, 26, 29, 31, 37, 38, 39, 47, 48, 49, 53, 54, 55, 57, 58, 59, 61, 62, 64, 67, 96, 99, 105, 106, 108, 118, 119, 120, 122, 124, 125, 126, 127, 131], "In": [10, 13, 15, 19, 20, 28, 29, 51, 58, 98, 106, 119, 120, 121, 124, 126, 131], "It": [19, 20, 21, 24, 45, 81, 110, 114, 116, 119, 126, 130, 132], "NO": 123, "NOT": [29, 37, 40, 123], "No": [37, 39], "Not": [61, 64, 119, 131], "OF": 123, "ON": 123, "OR": [13, 61, 62, 123], "On": 124, "One": [130, 132], "SUCH": 123, "THE": 123, "TO": 123, "That": [37, 39, 120, 127], "The": [0, 13, 15, 17, 19, 21, 23, 24, 26, 28, 29, 31, 37, 39, 45, 58, 59, 81, 89, 92, 94, 102, 105, 106, 108, 109, 110, 111, 112, 114, 116, 117, 118, 119, 120, 121, 123, 124, 125, 127, 129, 130, 131, 132], "Their": 10, "Then": [116, 130], "There": [10, 114, 120, 127, 131], "These": [108, 111, 114, 115, 124, 126, 128, 131], "To": [19, 20, 21, 29, 32, 78, 81, 108, 114, 115, 116, 118, 119, 130], "_": [111, 124], "__call__": [29, 58], "__dict__": 21, "__init__": [0, 1, 3, 8, 10, 13, 14, 15, 17, 18, 19, 21, 23, 24, 25, 26, 29, 32, 41, 42, 43, 44, 45, 46, 48, 49, 50, 51, 52, 53, 54, 55, 57, 58, 60, 61, 62, 64, 66, 67, 68, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 101, 102, 103, 106, 107, 126], "__weakref__": 24, "_auto_module_class": 126, "_basecompareloss": [48, 51], "_basenod": [30, 43, 49, 53, 54, 55, 57, 105], "_combnod": [43, 44], "_compareabletruepr": 103, "_description_": 48, "_dispatchneighbor": [54, 65, 84], "_featurenodesmixin": 53, "_helper": 55, "_i": [111, 120], "_index_st": 126, "_input_nam": 126, "_j": 111, "_lrschedul": [19, 26], "_mae_with_phas": 48, "_main_output": 126, "_mse_with_phas": 48, "_output_index_st": 126, "_output_nam": 126, "_pair_indexer_class": [54, 84, 87, 88], "_pairindex": [85, 86, 87, 88], "_parent_expand": 126, "_predefinedop": 43, "_print": [21, 25], "_values_": 81, "_weightedcompareloss": 51, "_weightedloss": 78, "a_start": 98, "ab": 111, "abort": [19, 26], "about": [29, 30, 99, 113, 126, 128, 130, 131], "abov": [99, 116, 123, 126, 127], "absolut": [51, 78], "absolute_error": [29, 41, 51], "abstract": [98, 115, 128], "acceler": [13, 15, 94, 122, 124], "accept": [13, 15, 29, 32, 61, 64, 67, 78, 131], "access": [29, 58, 114, 118, 119, 130], "accomplish": [19, 20, 130], "accord": [19, 26], "accumul": 130, "ach": 10, "acquir": 38, "acquire_encoding_pad": [29, 41, 49, 116, 126], "across": [13, 15, 27, 110], "act": [28, 37, 39, 123], "activ": [1, 19, 20, 23, 28, 92, 96, 119, 124, 132], "activate_mliappi": 115, "active_directori": [0, 106, 107, 114], "actual": [6, 56, 81, 124, 130], "ad": [13, 15, 54, 84, 121, 128, 129], "adam": [19, 26, 109, 114], "add": [0, 1, 8, 10, 13, 15, 25, 43, 106, 114, 126], "add_class_doc": [41, 42, 45], "add_identity_lin": 103, "add_output": [0, 29, 58, 107], "add_split_mask": [0, 13, 15, 107], "addit": [13, 14, 15, 17, 28, 29, 37, 39, 43, 54, 58, 61, 62, 64, 88, 94, 106, 116, 124, 126], "addition": [110, 126], "additional_output": [29, 58], "addn_featur": 88, "addnod": [41, 42, 43], "adds_to_form": [41, 42, 45], "adiabat": [48, 111], "adiabiat": 113, "adjust": 24, "administr": 123, "adopt": 89, "advantag": 128, "advis": 123, "affect": [19, 20], "after": [13, 14, 15, 17, 19, 20, 21, 25, 26, 29, 31, 61, 62, 94, 115, 116, 119, 128], "after_load": 115, "afterward": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 115], "again": 114, "against": [10, 131], "agre": 115, "ahead": 124, "aid": 45, "aim": [121, 127], "al": [21, 111, 115], "alamo": 123, "alf": 121, "algebra": [0, 29, 41, 42, 77, 107, 114], "algorithm": [0, 28, 54, 84, 93, 94, 97, 99, 107, 116], "alia": [19, 20, 26], "alias": 39, "all": [7, 10, 13, 18, 19, 20, 21, 26, 29, 31, 32, 45, 48, 51, 59, 61, 62, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96, 106, 110, 114, 118, 119, 120, 122, 123, 124, 127, 130, 131], "all_atom_energi": 67, "all_close_witherror": [0, 1, 10], "all_featur": [79, 91], "all_nod": [29, 31], "all_pair": 91, "allevi": 132, "allow": [13, 14, 15, 17, 18, 19, 21, 23, 26, 29, 56, 61, 62, 81, 126], "allow_calcul": [61, 64], "allow_unfound": [13, 14, 15, 17, 20, 61, 62], "almost": [114, 116], "along": 121, "alpha": 89, "alphascreen": [0, 77, 89], "alreadi": [37, 38, 124, 125, 126], "also": [13, 14, 15, 17, 39, 61, 62, 94, 108, 111, 114, 115, 116, 120, 121, 126], "altern": [106, 116, 122, 128], "although": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 131], "alwai": [19, 20, 45, 106, 119, 126], "alwaysmatch": [41, 42, 45], "amd": 81, "amount": [13, 15, 21, 94, 124, 131], "amplitud": 10, "an": [10, 13, 15, 19, 20, 21, 23, 25, 26, 27, 29, 31, 37, 38, 39, 40, 47, 49, 54, 55, 57, 58, 59, 61, 62, 64, 84, 91, 94, 105, 106, 108, 110, 114, 116, 118, 119, 120, 122, 124, 125, 126, 130, 132], "analog": 124, "analysi": [0, 77, 82], "analyz": [31, 83], "ang": 94, "angstrom": [61, 62, 64, 67, 108], "ani": [13, 15, 24, 37, 39, 43, 44, 45, 46, 50, 51, 56, 67, 75, 80, 112, 116, 119, 121, 122, 123, 124, 126, 127, 130], "anoth": [37, 39, 125, 130, 132], "antisymmetr": 91, "anyth": [13, 15, 21, 61, 62, 115, 119, 131], "api": [7, 28, 80, 96, 118, 121, 126, 129], "appli": [18, 31, 37, 39, 45, 48, 49, 53, 54, 55, 57, 89, 114, 124, 126, 130], "applic": [116, 126], "apply_to_databas": [0, 29, 58, 107, 114], "apply_to_db": 114, "appropri": [37, 38, 126], "approxim": 124, "ar": [1, 10, 13, 14, 15, 17, 19, 20, 21, 26, 27, 28, 29, 31, 32, 39, 45, 53, 58, 61, 62, 64, 73, 76, 78, 87, 93, 96, 105, 106, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 130, 131, 132], "arbitrari": [54, 127], "arbitrarili": 126, "aren": [19, 20], "arg": [10, 13, 14, 17, 18, 21, 24, 29, 43, 46, 49, 51, 54, 58, 61, 62, 64, 67, 75, 78, 80, 81, 83, 86, 88, 89, 90, 94, 96, 105, 106], "argument": [13, 17, 19, 26, 27, 37, 38, 39, 48, 53, 55, 61, 62, 85, 112, 116, 119, 126, 131], "aris": [123, 126], "arr_dict": [13, 14, 15, 17, 61, 62, 105], "arrai": [8, 10, 13, 14, 15, 17, 20, 61, 62, 67, 89, 105, 106, 112, 114, 121, 127], "array_dict": 105, "array_dictionari": 106, "arrdict_len": [0, 106, 107], "arxiv": [21, 111], "as_numpi": [0, 101, 103], "as_tensor": [60, 66, 67], "ase": [13, 60, 61, 62, 64, 67, 94, 108, 122, 127, 128], "ase_compute_neighbor": [60, 61, 65], "ase_databas": [0, 60, 61], "ase_db_exampl": 127, "ase_filterpair_coulomb_construct": [60, 61, 63], "ase_interfac": [0, 60, 107, 108], "ase_unittest": [0, 60, 61], "asedatabas": [0, 13, 60, 61, 62, 107, 127], "aseneighbor": [60, 61, 65], "asepairnod": [60, 61, 65], "ask": 132, "aspect": [21, 126], "assembl": [19, 20, 109, 114, 116], "assemble_for_train": [0, 19, 20, 107, 114, 116, 117], "assemble_modul": [0, 26, 101, 102], "assemble_training_modul": [19, 26], "assembli": [0, 19, 54, 107, 116], "assert": [41, 42, 45, 48, 49, 53, 54, 55, 106, 126], "assertlen": [41, 42, 45, 126], "assign": [108, 110, 127, 131], "assign_index_alias": [29, 37, 39], "assist": 125, "associ": [19, 20, 29, 31, 54, 94, 108, 114, 115, 124], "assum": [25, 61, 64, 81, 109, 117, 118, 120, 126], "assume_input": [29, 31], "assumpt": 106, "asymmetr": 10, "atleast2d": [0, 41, 42, 43, 77, 78], "atom": [0, 10, 13, 15, 29, 33, 37, 40, 48, 49, 53, 55, 57, 60, 61, 62, 64, 67, 74, 79, 81, 86, 89, 91, 96, 105, 107, 108, 111, 114, 115, 116, 120, 124, 125, 126, 127, 130, 131], "atom1_ids_shap": 4, "atom2_id": 6, "atom2_id_shap": 4, "atom2_start": 6, "atom2_startshap": 4, "atom_arrai": 86, "atom_charg": 132, "atom_energi": [79, 126], "atom_energy_1": 89, "atom_energy_2": 89, "atom_hi": 126, "atom_id": 6, "atom_index": [49, 79, 81, 83, 86], "atom_mask": 73, "atom_molid": 75, "atom_preenergi": 79, "atom_prob": 10, "atom_start": 6, "atom_var": [13, 15], "atom_vari": 127, "atomdeindex": [0, 29, 41, 49, 77, 81], "atomidx": 54, "atomindex": [29, 41, 48, 49, 53, 54, 55, 56, 126], "atomist": [121, 129], "atommask": [60, 68, 73], "atommasknod": [60, 68, 74], "atomreindex": [0, 29, 41, 49, 77, 81], "atomtomolsumm": [29, 41, 55], "atomwis": [13, 15], "attach": [19, 26, 117], "attempt": [27, 29, 30, 37, 38, 43, 44, 46, 50, 51, 61, 64, 119, 126], "attempt_restart": [0, 13, 18], "attribut": [105, 114, 126, 130], "auto": [1, 13, 15, 29, 30, 43, 44, 46, 48, 49, 50, 51, 52, 53, 54, 55, 57, 65, 67, 72, 74, 75, 76, 99, 105, 119, 126, 131], "auto_modul": [29, 41, 42, 43, 45, 48, 49, 54], "auto_module_class": 126, "auto_split": [13, 14, 15, 17, 61, 62], "autograd": [2, 124, 128, 130], "autograd_wrapp": [0, 1, 107], "autokw": [41, 42, 45, 48, 49, 53, 54, 55, 57, 72, 74, 75, 76, 126], "automat": [13, 15, 18, 21, 27, 29, 37, 39, 48, 49, 61, 64, 105, 106, 108, 119, 124, 126, 128], "autonokw": [41, 42, 45, 49, 52, 54, 55, 67, 126], "avail": [1, 13, 15, 19, 26, 37, 38, 60, 124, 126, 131], "averag": 10, "avoid": [13, 15, 111, 119], "awar": 28, "awkward": 124, "ax": [37, 124], "axi": [13, 15, 37, 61, 64, 106], "b": 124, "back": [8, 19, 26, 31], "backend": 24, "background": 131, "backward": [26, 28, 80, 124], "badli": 131, "bar": [26, 29, 58, 120, 122, 131], "barebon": [114, 120], "base": [0, 3, 4, 6, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 23, 24, 25, 26, 28, 29, 31, 32, 37, 40, 41, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 61, 62, 64, 65, 67, 71, 72, 73, 74, 75, 76, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 96, 98, 99, 102, 103, 106, 108, 110, 111, 115, 118, 125, 126, 128], "base_lay": 92, "base_sens": 80, "basi": [29, 127], "basic": [125, 127, 129], "batch": [10, 19, 20, 21, 24, 26, 37, 79, 89, 91, 97, 98, 100, 105, 114, 118, 120, 124, 126, 130], "batch_callback": [19, 24, 26, 119], "batch_convert_torch_to_numba": [0, 1, 7], "batch_hier": 126, "batch_idx": 24, "batch_input": [19, 26, 28], "batch_model_output": [19, 26], "batch_optim": [0, 97, 107], "batch_siz": [0, 13, 15, 19, 20, 21, 24, 26, 29, 58, 105, 107, 109, 114, 118], "batch_target": [19, 26, 28], "becaus": [10, 39, 116, 118, 124, 130, 132], "becom": [29, 31], "been": [21, 28, 37, 38, 39, 105, 109, 126], "befor": [13, 15, 21, 94, 105, 115, 119, 122, 126, 128, 131], "before_load": 115, "begin": [114, 130], "behalf": 123, "behav": 85, "behavior": [13, 45, 124], "being": [124, 132], "belong": 119, "below": [19, 26, 120, 131], "benchmark": [13, 15], "benefit": [116, 124], "besid": [13, 21, 55, 81, 113], "best": [1, 19, 21, 25, 26, 119, 124], "best_checkpoint": [71, 119], "best_metric_list": 104, "best_metric_valu": 25, "best_model": 25, "better": [19, 22, 25, 26, 114, 120, 124], "better_dict": 25, "better_model": 21, "between": [8, 10, 18, 29, 37, 38, 39, 48, 51, 94, 111, 114, 116, 120, 127, 131], "bfg": 98, "bfgsv1": [0, 97, 98], "bfgsv2": [0, 97, 98], "bfgsv3": [0, 97, 98, 99], "bin": [54, 83, 103], "bin_info": [77, 82, 83], "binari": 123, "binnod": [41, 42, 43], "bit": [8, 119], "blank": [19, 26, 81, 114], "block": [96, 114], "bohr": 114, "boldsymbol": 111, "bond": [57, 81, 127, 128], "bond_vari": 127, "bondtomolsummm": [29, 41, 55], "book": 29, "bool": [1, 13, 15, 25, 62, 78, 96, 100], "boolean": [13, 15], "both": [13, 15, 22, 27, 29, 32, 57, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91, 96, 120, 124], "bottom": 129, "boundari": [54, 62, 76, 84, 105, 113, 127], "box": [21, 116], "break": [63, 80, 119], "broadcast": 131, "bsd": 123, "bug": 124, "build": [19, 20, 21, 26, 29, 45, 48, 49, 54, 58, 63, 80, 105, 108, 110, 114, 115, 126, 128], "build_loss_modul": [0, 19, 20], "built": [19, 21, 25, 26, 63, 73, 74, 92, 106, 116, 126], "bundl": 115, "bundled_input": 78, "busi": 123, "bytetensor": 119, "c": [54, 122], "cach": [13, 15, 20, 37, 39], "calc": 108, "calcul": [0, 26, 48, 54, 60, 61, 63, 84, 87, 88, 105, 110, 111, 113, 114, 115, 125, 128, 130], "calculate_max_system_forc": [0, 105, 107], "calculate_min_dist": [0, 105, 107], "calculation_requir": [0, 60, 61, 64], "calculator_from_model": [0, 60, 61, 64], "call": [19, 21, 26, 28, 29, 32, 51, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 96, 106, 115, 116, 118, 126, 132], "callabl": [19, 26, 27, 28, 29, 37, 39, 47, 80, 96, 118], "callback": [0, 19, 20, 24, 26, 60, 68, 103, 119, 128], "can": [13, 14, 15, 17, 19, 20, 21, 26, 29, 31, 37, 39, 45, 61, 62, 63, 94, 103, 105, 108, 111, 112, 114, 115, 116, 118, 119, 120, 121, 124, 125, 126, 127, 128, 130, 131, 132], "cannot": [13, 15, 29, 47, 116], "capabl": [108, 126, 127], "captur": [19, 26], "care": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "carefulli": [29, 58], "carteisian": 62, "cartesian": [62, 127], "case": [10, 18, 27, 29, 58, 110, 116, 119, 120, 125, 126], "cast": [45, 53, 54, 55], "categor": 52, "caught": 63, "caus": 123, "caution": [13, 15], "caveat": 116, "cb": [19, 26], "cd": 122, "cell": [50, 54, 62, 65, 81, 84, 86, 87, 88, 89, 94, 105, 116, 127], "cell_nam": 105, "cell_offset": 86, "cellnod": [29, 41, 50, 53, 54, 116], "cellscaleinduc": [0, 77, 81], "certain": [10, 19, 26, 124, 128], "chang": [13, 15, 19, 20, 29, 31, 38, 39, 61, 64, 80, 94, 105, 116, 119, 131], "channel": 122, "charact": 25, "charg": [29, 41, 48, 50, 55, 56, 57, 61, 62, 64, 74, 79, 89, 91, 108, 111, 120, 126, 127, 128, 132], "chargemomentnod": [29, 41, 55, 126], "chargepairsetup": [29, 41, 55], "charges1": 79, "charges2": 79, "chdir": 114, "check": [0, 13, 14, 15, 17, 20, 27, 31, 60, 61, 62, 64, 68, 106, 114, 119, 120, 127, 131], "check_all_grad": [0, 1, 10], "check_all_grad_onc": [0, 1, 10], "check_allclos": [0, 1, 10], "check_allclose_onc": [0, 1, 10], "check_correct": [0, 1, 10], "check_dist": [60, 68, 70], "check_empti": [0, 1, 10], "check_evaluation_ord": [0, 29, 31], "check_grad_and_gradgrad": [0, 1, 10], "check_gradi": [60, 68, 70], "check_link_consist": [0, 29, 31], "check_mapping_devic": [0, 19, 27], "check_spe": [0, 1, 10], "checkpoint": [18, 19, 24, 26, 27, 119, 128], "checkpoint_path": 24, "child": [29, 31, 45, 47, 126], "child_nod": 31, "child_node_typ": [37, 39], "children": [29, 31, 54, 114, 125], "choic": 132, "choos": [73, 105], "circuit": [61, 64], "circumst": [13, 15], "cl": 18, "class": [3, 4, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 23, 24, 25, 26, 28, 29, 32, 37, 39, 40, 42, 43, 44, 45, 46, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 61, 62, 64, 65, 67, 71, 72, 73, 74, 75, 76, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 96, 98, 99, 102, 103, 106, 115, 125, 126, 127], "classmethod": [18, 24, 25, 29, 51, 58], "cleanli": 130, "clear": [37, 39, 94], "clear_index_cach": [0, 29, 37, 39], "clear_pair_cach": [0, 1, 12], "clone": 122, "close": [51, 116, 124], "closur": 28, "closure_step_fn": [0, 19, 28], "closurestep": [0, 19, 28], "cmu": 97, "co": 89, "code": [10, 60, 111, 114, 119, 121, 122, 123, 125, 126], "coeffici": 94, "coerc": [29, 31, 37, 38, 45], "coerces_values_to_nod": [41, 42, 43], "coercion": 45, "collate_input": [0, 29, 30], "collate_target": [0, 29, 30], "collect": [29, 37, 39, 47, 102, 131], "collected_model": 110, "column": [13, 25, 61, 62, 131], "com": 122, "combin": [55, 60, 89, 110, 114, 126], "combineenergi": [0, 77, 89], "combineenergynod": [29, 41, 55], "combinescreen": [0, 77, 89], "come": [1, 124, 126, 127], "command": 115, "commands_str": 115, "commensur": 45, "comment": [122, 132], "common": 127, "compactifi": 59, "compar": [37, 38, 61, 64, 114, 116, 117, 128, 131], "compare_against": 10, "compare_atom": [61, 64], "comparison": [37, 38, 39], "compat": [8, 13, 15, 21, 29, 37, 38, 45, 47, 61, 64, 80, 96, 106, 125, 128], "compatibility_hook": [0, 77, 80], "compatibleidxtypetransform": [41, 42, 45], "compil": [118, 125], "complement": 89, "complet": [18, 111, 114, 120, 121, 126], "complex": [45, 116, 126, 130], "complex128": 7, "complex64": 7, "compon": [54, 57, 84, 88, 91, 119, 121, 126, 129, 132], "compos": 77, "composedplott": [0, 101, 103], "composit": 95, "compress": [13, 15], "compris": [29, 32], "comput": [13, 15, 19, 20, 29, 31, 32, 39, 41, 48, 51, 54, 55, 61, 62, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 96, 99, 105, 114, 119, 126, 127, 130], "computation": 124, "computaton": 124, "compute_descriptor": [60, 66, 67], "compute_dtyp": 67, "compute_evaluation_ord": [0, 29, 31, 107], "compute_forc": [60, 66, 67], "compute_gradi": [60, 66, 67], "compute_hipnn_e0": [0, 95, 96], "compute_index_mask": [0, 13, 15], "compute_on": [60, 61, 65, 77, 82, 84], "concept": 129, "conceptu": 130, "concern": [54, 109], "concret": 10, "conda_requir": 122, "condit": [54, 62, 76, 84, 88, 105, 113, 123, 127], "confer": 21, "config": [6, 14, 131], "config_prun": [0, 1, 6], "configur": [89, 97, 119, 124], "configure_optim": [0, 19, 24], "connect": [29, 31, 45, 47, 59, 125, 126], "consequenti": 123, "consid": 54, "consider": 111, "consist": [10, 31, 86, 96, 114], "const": 75, "constant": 55, "constraint": [29, 47, 106, 119, 129], "constraint_kei": [29, 47], "construct": [10, 13, 18, 19, 20, 23, 26, 29, 30, 45, 51, 58, 63, 109, 111, 120, 121, 126, 129, 132], "construct_output": [0, 29, 30], "constructor": [37, 39, 73, 75, 80, 92], "consum": 108, "contain": [13, 15, 19, 21, 26, 27, 29, 30, 31, 39, 80, 105, 111, 114, 119, 121, 125, 130, 131], "context": [24, 45, 106], "contin": 124, "contract": 123, "contribut": [48, 97, 126, 132], "contributed_energi": 79, "contributor": 123, "control": [0, 13, 19, 24, 26, 27, 28, 29, 69, 107, 113, 119], "conveni": 18, "convent": [21, 89, 127], "convers": [29, 34, 35, 37, 38, 39, 126, 128], "convert": [7, 8, 29, 37, 38, 49, 54, 58, 81, 86, 94, 126], "convolut": 124, "coord": [84, 98, 99, 100], "coord_pair": 80, "coordin": [72, 73, 75, 81, 84, 86, 87, 88, 89, 98, 99, 116, 127], "copi": [18, 19, 20, 29, 31, 58, 123], "copy_subgraph": [0, 29, 31, 107], "copyright": 123, "core": [32, 42, 124], "correct": [10, 13, 15, 31, 119, 130], "correctli": [29, 31, 124], "correspond": [29, 31, 48, 55, 67, 80, 81, 94, 110, 111, 114, 124, 126, 127, 130], "corrupt": [29, 31], "coscutoff": [0, 77, 80], "cost": [20, 116, 118], "costli": 116, "could": [10, 98, 124, 126, 130], "coulomb": [55, 63, 89], "coulombenergi": [0, 77, 89], "coulombenergynod": [29, 41, 55], "coulombi": 89, "count": [13, 15, 110], "counterpart": 111, "coupl": [48, 111], "cours": 94, "cover": [18, 125], "cpu": [1, 10, 19, 20, 22, 23, 29, 58, 67, 71, 98, 109, 115, 119, 122, 124, 128, 130], "cpu_kernel": [0, 1, 4, 8], "creat": [6, 13, 15, 19, 20, 26, 27, 29, 30, 37, 39, 43, 44, 46, 49, 50, 51, 58, 67, 106, 114, 115, 120, 125, 129], "create_schnetpack_input": [0, 60, 76], "create_st": [0, 19, 27], "create_structure_fil": [0, 19, 27], "creation": [29, 48, 49, 53, 54, 55, 57, 74, 75, 125], "criterion": 31, "crossov": 89, "csr": 124, "ctime": 62, "cuda": [19, 20, 26, 67, 115, 119], "cuda_visible_devic": 119, "cupi": [1, 3, 122, 124, 131], "cupyenvsum": [0, 1, 3], "cupyfeatsum": [0, 1, 3], "cupygpukernel": [0, 1, 3], "cupysensesum": [0, 1, 3], "current": [13, 15, 19, 21, 22, 24, 26, 27, 28, 54, 60, 84, 87, 88, 93, 105, 106, 114, 116, 119, 126, 131], "current_epoch": [0, 19, 25], "cusp_reg": [80, 96], "custom": [1, 3, 29, 32, 78, 109, 129, 131], "custom_kernel": [0, 107, 124], "customiz": 93, "cut": [13, 15], "cutoff": [65, 80, 84, 88, 89, 96, 105, 114, 116, 132], "cutoff_dist": 55, "cutoff_typ": 80, "cycl": [29, 31], "d": 111, "d1": 106, "d2": 106, "damag": 123, "damp": 89, "dangl": [29, 31], "data": [0, 10, 13, 14, 15, 17, 33, 61, 62, 67, 83, 93, 94, 96, 102, 105, 114, 115, 116, 120, 121, 123, 125, 127, 130, 132], "data_arg": 103, "data_s": 10, "databas": [0, 19, 20, 24, 26, 27, 37, 38, 43, 44, 46, 50, 51, 61, 62, 96, 105, 107, 109, 111, 114, 116, 118, 119, 120, 121, 128, 129, 130, 132], "database_input": 20, "dataload": [13, 14, 15, 17, 20, 23, 61, 62, 116], "dataloader_kwarg": [13, 14, 15, 17, 61, 62], "dataparallel": [19, 22, 26], "dataset": [13, 14, 15, 17, 19, 20, 23, 26, 61, 62, 114, 116, 122, 127, 132], "db": [13, 20, 29, 58, 61, 62, 105, 127], "db_form": [0, 29, 37, 38], "db_info": [19, 20, 23, 114, 116, 117, 119], "db_name": [13, 14, 15, 17, 19, 20, 29, 30, 31, 43, 44, 46, 50, 51, 61, 62, 75, 94, 110, 111, 112, 114, 116, 118, 120, 127, 130, 132], "db_namesnam": 114, "db_state_of": [29, 37, 38], "dbname": 31, "ddp": 24, "deactiv": 1, "deal": [116, 130], "debatch": [0, 97, 100], "debatch_coord": [0, 97, 100], "debatch_numb": [0, 97, 100], "debug": [19, 24, 26], "debug_graph_execut": 131, "debug_loss_broadcast": 131, "decai": [21, 26], "decay_factor": [69, 74, 75, 105], "decod": 81, "decomposit": [61, 64], "decor": [8, 37, 39, 45, 126], "decreas": [54, 84, 87, 88, 116], "def": 126, "default": [1, 13, 15, 19, 20, 21, 26, 27, 29, 37, 39, 48, 53, 54, 58, 60, 61, 64, 94, 96, 110, 116, 119, 124, 126, 131], "default_plot_filetyp": 131, "defaultnetworkexpans": [29, 41, 53], "defin": [13, 15, 21, 29, 32, 45, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 109, 111, 114, 120, 126, 127, 128], "definit": [29, 41, 45, 47, 126], "definition_help": [29, 41, 42, 126], "deliber": 114, "delta": 111, "delta_ij": 89, "denot": 81, "dens": 20, "densit": 74, "densitymatrixnod": [60, 68, 75], "depart": 123, "depend": [39, 56, 114, 119, 124], "depleat": 131, "deploi": 124, "deprec": 21, "depth": 14, "deriv": 123, "describ": [23, 37, 114], "descript": [19, 26, 81, 111], "descriptor": 67, "design": [121, 132], "desir": [108, 125, 130, 132], "destin": 119, "detach": [29, 58, 130], "detail": [13, 14, 15, 17, 27, 61, 62, 78, 110, 111, 128, 129], "detect": [13, 15, 99, 131], "determin": [13, 15, 25, 105, 116, 118, 125], "determine_out_in_targ": [0, 19, 20], "develop": 121, "deviat": 110, "devic": [0, 10, 13, 14, 15, 17, 19, 20, 23, 26, 27, 29, 58, 61, 62, 67, 71, 93, 94, 98, 99, 105, 107, 109, 115], "device_fallback": [0, 106, 107], "df": 105, "diagnos": 124, "diagnost": 105, "dict": [13, 15, 19, 20, 21, 25, 26, 27, 29, 30, 48, 80, 94, 105], "dict_to_add_to": [13, 15], "dictionari": [13, 14, 15, 17, 22, 23, 25, 27, 61, 62, 64, 76, 94, 105, 106, 114, 118, 119, 120], "diectori": [13, 17], "differ": [10, 28, 39, 48, 55, 56, 61, 64, 78, 89, 110, 111, 119, 121, 126, 128, 132], "differenti": [108, 124], "differentiable_input": 10, "difficulti": 127, "digraph": 59, "dim": 106, "dimens": [81, 92, 106], "diment": 67, "dipol": [0, 55, 62, 77, 89, 108, 111, 126], "dipole_ma": 111, "dipolenod": [29, 41, 55, 111], "direct": [38, 116, 123, 126], "directli": [7, 37, 38, 45, 115, 118, 119, 125, 127, 128, 131], "directori": [13, 14, 17, 19, 26, 27, 29, 30, 61, 62, 106, 110, 114, 119], "directorydatabas": [0, 13, 17, 107, 114], "dirnam": [106, 114], "disabl": [19, 26, 131], "disclaim": 123, "disconnect": [29, 31], "disconnect_old": [29, 31], "disk": [13, 127], "dispatch": [0, 37, 39, 77, 82], "dispatch_index": [29, 37, 38], "displai": 123, "dist": 89, "dist_hard_max": [54, 65, 84, 87, 88, 91, 96, 105, 114, 116], "dist_pair": 80, "dist_soft_max": [91, 96, 114], "dist_soft_min": [91, 96, 114], "dist_tensor": 80, "dist_threshold": 105, "dist_unit": [61, 64, 67, 108], "distanc": [10, 54, 61, 64, 67, 80, 84, 85, 87, 88, 89, 105, 108, 114, 116, 131, 132], "distance_unit": 67, "distflat": [80, 88], "distinct": 130, "distribut": [24, 122, 123], "divid": [67, 130], "divnod": [41, 42, 43], "dk": [13, 61, 62], "do": [1, 13, 15, 19, 20, 21, 26, 29, 39, 58, 59, 99, 105, 114, 116, 118, 119, 122, 123, 124, 126, 130, 131], "doc": 119, "document": [13, 14, 15, 17, 61, 62, 123, 126, 128], "doe": [13, 17, 21, 29, 51, 58, 63, 106, 119, 126, 130, 131, 132], "doesn": [29, 31, 37, 38, 45, 126, 131], "domain": [61, 64, 130], "don": [10, 13, 15, 20, 21, 61, 64, 116, 122, 131], "done": [13, 15, 19, 26, 29, 58], "dot": 59, "doubl": 124, "down": [119, 126], "dress": [29, 58, 125], "driver": [93, 94], "drop": 114, "dry_run": [13, 15], "dt": [94, 98], "dt_max": 98, "dtu": [13, 61, 62], "dtype": [0, 7, 10, 89, 93, 94], "due": [111, 116, 119], "dump_a_step": [0, 97, 99], "dump_traj": 99, "duq": [0, 97, 98], "dure": [19, 20, 21, 26, 45, 93, 94, 116, 119, 128, 130, 131], "dynam": [21, 29, 93, 108, 109, 124, 131], "dynamicperiodicpair": [29, 41, 54, 116], "e": [10, 13, 18, 24, 27, 29, 37, 55, 58, 61, 64, 73, 89, 105, 111, 115, 119, 122, 124, 127, 131], "e0": 105, "e_": [111, 124], "each": [10, 13, 15, 17, 19, 25, 26, 31, 39, 54, 84, 86, 87, 88, 89, 91, 93, 94, 96, 105, 110, 114, 116, 124, 125, 131], "earli": [19, 20, 26, 114], "earlier": 131, "early_stopping_kei": 109, "easi": [13, 15, 19, 26, 110, 118, 126], "easier": 126, "easili": [114, 119], "edit": 122, "effect": [20, 29, 31, 120, 132], "effici": [124, 128], "eg": 94, "either": [62, 106, 116, 120], "elaps": [0, 1, 10], "elem": 81, "element": [67, 78, 114, 124, 127], "element_typ": 67, "elementwise_compare_reduc": [0, 29, 37, 38], "els": 73, "elsewis": 105, "emax_criteria": [0, 97, 98], "emb": 116, "empti": [21, 29, 31], "empty_tensor": [60, 66, 67], "en_data": 96, "en_per_atom": 130, "en_unit": [61, 64, 67, 108], "enc": [116, 126], "encod": [29, 41, 49, 53, 54, 56, 81, 96, 105], "encount": 21, "end": [13, 19, 21, 26, 29, 61, 62, 114], "endors": 123, "energi": [29, 41, 48, 55, 56, 57, 61, 62, 63, 64, 67, 73, 74, 75, 79, 89, 91, 96, 97, 98, 105, 108, 111, 114, 115, 118, 120, 123, 126, 128, 130], "energy1": 79, "energy2": 79, "energy_1": 55, "energy_2": 55, "energy_convers": 55, "energy_conversion_factor": 89, "energy_ma": 111, "energy_modul": 105, "energy_nam": 105, "energy_nod": [67, 108, 115], "energy_on": [60, 68, 75], "energy_per_atom": 62, "energy_term": 126, "energy_unit": 67, "enforc": [45, 80, 81, 91, 111], "enjoi": 121, "enough": 105, "enperatom": 130, "ensembl": [0, 29, 107, 113], "ensemble_": [29, 30], "ensemble_graph": 110, "ensemble_info": 110, "ensemble_input": 30, "ensemble_output": 30, "ensembletarget": [0, 29, 30, 41, 52, 77, 78], "ensembling_model": 110, "ensur": [45, 63, 80, 89, 126, 130], "enter": [24, 106], "entir": [7, 105, 118, 125, 130, 131], "entri": [21, 29, 31, 114, 128], "enum": [29, 37, 40], "enumer": [29, 37, 40], "env": [5, 6], "env_cupi": [0, 1, 107], "env_impl": 10, "env_numba": [0, 1, 107], "env_pytorch": [0, 1, 107], "env_shap": 4, "env_triton": [0, 1, 107], "environ": [24, 61, 119, 124, 131], "envops_test": [0, 1, 10], "envsum": [0, 1, 2, 3, 4, 5, 6, 124], "envsum_impl": 2, "envsum_raw": 10, "envsum_triton": [0, 1, 6], "eoch": 21, "epa": 130, "epoch": [19, 21, 23, 25, 26, 114, 120], "epoch_metric_valu": 25, "epoch_tim": 25, "equal": [94, 106, 130, 132], "equat": 55, "equival": [118, 130], "error": [29, 31, 37, 38, 39, 47, 49, 51, 78, 111, 114, 118, 119, 126, 132], "especi": [116, 124], "et": [21, 111], "etc": [13, 15, 59, 61, 62, 94, 127], "etol": 98, "ev": [62, 67, 94, 108], "eval": [13, 15, 25], "eval_batch_s": [0, 19, 21, 26, 107, 109], "eval_loss": 24, "eval_nam": 24, "eval_typ": [23, 102], "evalu": [0, 13, 15, 19, 20, 21, 22, 25, 26, 29, 31, 89, 94, 105, 107, 114, 116, 117, 119, 128, 130, 131], "evaluation_dict": 25, "evaluation_inputs_list": 31, "evaluation_loss": 23, "evaluation_loss_nam": 23, "evaluation_mod": [13, 15], "evaluation_outputs_list": 31, "evaluation_print": [0, 19, 25], "evaluation_print_bett": [0, 19, 25], "even": [45, 123], "evenli": 89, "event": 123, "everi": [19, 21, 26, 29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96], "everyth": [114, 119], "evolv": 93, "ewaldrealspacescreen": [0, 77, 89], "examin": [114, 132], "exampl": [20, 25, 28, 96, 105, 108, 110, 111, 112, 114, 115, 116, 119, 120, 121, 125, 126, 127, 128, 130, 132], "except": [19, 26, 31, 45, 47, 63, 127], "excess": [13, 15], "excit": [0, 29, 41, 77, 107, 113], "excited_states_azomethan": 111, "exciton": 111, "exclus": [13, 15], "execut": [94, 102, 125, 126, 129, 131], "exemplari": 123, "exhibit": 116, "exist": [13, 14, 15, 17, 29, 49, 58, 61, 62, 106, 114, 126], "expand": [45, 54, 126], "expand0": [29, 41, 49, 54, 57, 60, 68, 74, 75], "expand1": [29, 41, 49, 54, 57], "expand2": [29, 41, 54], "expand3": [29, 41, 54], "expand_par": [41, 42, 45, 126], "expandpar": [41, 42, 45, 48, 49, 52, 53, 54, 55, 57, 67, 74, 75, 126], "expandparentmeta": [41, 42, 45], "expans": [29, 45, 48, 49, 53, 54, 55, 57, 129], "expansion0": [29, 41, 48, 49, 53, 55, 57, 126], "expansion1": [29, 41, 48, 49, 53, 55, 126], "expansion2": [29, 41, 53, 55, 126], "expansion3": [29, 41, 55], "expansion4": [29, 41, 55], "expect": [23, 38, 105], "expens": [20, 130], "experi": [0, 54, 107, 109, 114, 116, 117, 119, 127, 129], "experiment": [19, 24, 26], "experiment_param": [19, 26, 109, 114, 119], "experiment_structur": [27, 71, 119], "explain": 129, "explan": 129, "explicitli": [1, 13, 17, 28, 60, 119, 130, 131], "expos": 7, "express": [111, 123], "extend": [121, 126], "extens": 28, "extern": 103, "externalneighbor": [77, 82, 86], "externalneighborindex": [29, 41, 54], "extra": [1, 29, 32, 78, 80, 111, 125], "extra_messag": 98, "extra_properti": [61, 64], "extra_repr": [0, 29, 32, 77, 78, 107], "extract_snap_fil": [0, 13, 14], "extxyz": [13, 61, 62], "f": [4, 13, 17, 37, 39, 94, 105], "f_": 124, "f_alpha": 98, "f_dec": 98, "f_inc": 98, "factor": [21, 61, 64], "factori": [37, 39], "fail": [13, 15, 20, 49, 63, 106, 118, 124], "fall": [19, 26], "fals": [1, 10, 13, 14, 15, 17, 19, 20, 21, 25, 26, 27, 29, 30, 31, 44, 48, 53, 57, 58, 61, 62, 69, 79, 91, 96, 98, 99, 100, 103, 105, 106, 114, 115, 117, 126, 131], "fanci": [19, 20], "far": [1, 21, 25, 119, 132], "fashion": 45, "fast": [10, 129], "fast_convert": [0, 1, 107], "faster": [1, 124], "fastest": [54, 84, 87, 88, 116], "fdir": 72, "feat": 6, "feat_impl": 10, "feat_shap": 4, "featsum": [0, 1, 2, 5, 6, 124], "featsum_impl": 2, "featsum_raw": 10, "featsum_triton": [0, 1, 6], "featur": [5, 6, 10, 19, 24, 26, 49, 53, 55, 57, 78, 79, 80, 81, 86, 89, 91, 92, 96, 111, 113, 114, 121, 122, 124, 126, 129, 132], "feature_s": [79, 91, 126], "fed": [29, 31, 86], "feel": 122, "few": 114, "fewer": 116, "field": [20, 25], "figur": [6, 128, 131], "file": [13, 14, 15, 17, 18, 19, 22, 26, 27, 28, 56, 61, 62, 106, 114, 119, 121, 122, 127, 131], "filenam": [13, 27, 61, 62, 106, 119], "filetyp": 131, "filter": [0, 29, 47, 49, 77, 82], "filter_arrai": [0, 13, 14], "filter_pair": [77, 82, 88], "filterbondsonewai": [0, 29, 41, 49, 77, 81], "filterdist": [77, 82, 85], "filterpairindex": 85, "final": [25, 45, 119, 126, 132], "find": [10, 22, 37, 38, 49, 53, 54, 61, 64, 82, 84, 86, 88, 114, 116, 121, 126], "find_rel": [0, 29, 41, 42, 45, 47, 107], "find_unique_rel": [0, 29, 41, 42, 45, 47, 107, 126], "finder": [84, 105], "finish": [29, 31], "fire": [0, 97, 98], "first": [10, 13, 15, 22, 53, 85, 89, 92, 96, 114, 116, 127], "first_is_interact": [48, 57, 79, 91, 126], "fit": [114, 123, 127], "fit_dtyp": 96, "fitsnap": 121, "flatatom": 81, "flatten": [81, 89], "flattened_forc": 98, "flexibl": [29, 93, 116, 126, 129], "float": [13, 15, 19, 26, 62, 67, 94, 105, 120, 131], "float16": 7, "float32": [7, 13, 67, 114], "float64": [7, 13, 89, 96, 108], "flow": 29, "flush": [0, 106, 107], "fly": [37, 39], "fmax": 98, "fmax_criteria": [0, 97, 98], "fn": [41, 42, 45, 78], "fn_name": 64, "fname": [13, 15, 27], "folder": [19, 26, 114], "follow": [19, 21, 26, 48, 49, 53, 54, 55, 57, 60, 109, 111, 119, 120, 123, 124, 126, 127, 130, 131], "foomodul": 126, "foonod": 126, "footprint": [124, 128], "forc": [13, 15, 50, 62, 67, 74, 94, 98, 99, 105, 106, 108, 113, 124, 128, 131], "force_db_nam": 94, "force_kei": 99, "force_nam": 105, "force_sign": 99, "force_threshold": 105, "forcenod": [29, 41, 50], "forg": 122, "form": [10, 19, 26, 45, 54, 80, 81, 94, 114, 123, 124, 125, 126, 128, 130], "formassert": [41, 42, 45], "formassertlength": [41, 42, 45], "format": [13, 14, 17, 29, 36, 58, 62, 74, 121, 127], "format_form_nam": [41, 42, 45], "former": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "formhandl": [41, 42, 45], "formtransform": [41, 42, 45], "formula": 98, "forward": [0, 29, 31, 32, 41, 51, 60, 66, 67, 68, 71, 72, 73, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 95, 96, 107, 124], "found": [13, 14, 15, 17, 21, 29, 31, 37, 38, 40, 47, 61, 62, 80, 105, 111, 119, 124, 126, 130, 131], "four": 131, "frac": [111, 120], "fraction": [13, 14, 15, 17, 19, 21, 26, 61, 62, 114], "fraction_train_ev": [0, 19, 21, 26, 107, 109], "framework": 111, "free": [37, 39], "frequenc": 94, "fresh": [19, 26], "friction": 94, "frix": 94, "from": [10, 13, 14, 15, 17, 18, 19, 20, 21, 24, 26, 27, 29, 31, 37, 39, 44, 45, 48, 49, 53, 54, 55, 56, 57, 58, 61, 62, 63, 64, 67, 74, 75, 80, 81, 84, 86, 89, 91, 99, 105, 108, 109, 110, 111, 112, 114, 115, 116, 117, 118, 119, 120, 121, 123, 125, 126, 127, 129, 130, 132], "from_evalu": [0, 19, 25], "from_experiment_setup": [0, 19, 24], "from_graph": [0, 29, 58, 107, 114, 118], "from_train_setup": [0, 19, 24], "front": 129, "full": [27, 61, 64, 122, 126], "fuller": 120, "fulli": [45, 116, 126], "func": [8, 10, 43, 73, 74], "funcnam": 10, "function": [7, 8, 10, 13, 15, 17, 18, 19, 21, 22, 25, 27, 28, 29, 31, 32, 36, 37, 38, 39, 42, 45, 51, 59, 61, 62, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 96, 97, 98, 106, 110, 111, 113, 114, 124, 125, 126, 128, 131, 132], "further": [105, 114], "furthermor": 29, "futur": [10, 22, 31], "fuzzi": [49, 81], "fuzzyhistogram": [0, 77, 81], "fuzzyhistogramm": [29, 41, 49], "fysik": [13, 61, 62], "g": [24, 29, 58, 89, 115, 119, 122, 127, 131], "garbag": [37, 39, 131], "gaussiansensitivitymodul": [0, 77, 80], "gen_par": [0, 60, 68], "gener": [13, 15, 23, 27, 29, 45, 54, 58, 88, 108, 116, 121, 124, 126, 128, 131], "generalized_coordin": 89, "generalized_coordinates_par": 55, "generate_database_info": [0, 19, 20], "geometri": 97, "geometryoptim": [0, 97, 98], "get": [10, 29, 31, 44, 45, 53, 54, 55, 61, 64, 73, 75, 90, 105, 114, 116, 119, 122, 125, 126], "get_autotune_config": [0, 1, 6], "get_charg": [0, 60, 61, 64], "get_connected_nod": [0, 29, 41, 42, 47, 107], "get_data": [0, 93, 94], "get_default_dtyp": 13, "get_devic": [0, 13, 15, 107], "get_dipol": [0, 60, 61, 64], "get_dipole_mo": [0, 60, 61, 64], "get_energi": [0, 60, 61, 64], "get_extra_st": [0, 77, 80], "get_file_dict": [0, 13, 17, 107], "get_forc": [0, 60, 61, 64], "get_free_energi": [0, 60, 61, 64], "get_graph": [0, 29, 30], "get_magmom": [0, 60, 61, 64], "get_main_output": [41, 42, 45, 126], "get_modul": [0, 29, 32, 107], "get_potential_energi": [0, 60, 61, 64], "get_properti": [0, 60, 61, 64], "get_reduced_index_st": [0, 29, 37, 38], "get_simulated_data": [0, 1, 10], "get_stat": [13, 14, 15, 17, 61, 62], "get_step_funct": [0, 19, 28], "get_stress": [0, 60, 61, 64], "get_subgraph": [0, 29, 31, 107], "git": 122, "github": [113, 121, 122], "give": [8, 29, 58, 120, 127], "given": [13, 15, 19, 21, 26, 27, 31, 37, 38, 45, 61, 64, 67, 88, 108, 126, 127], "glob": [29, 30, 110], "global": [37, 39, 131], "glue": [89, 114], "go": [19, 20, 26, 29, 31, 81, 114, 125, 126, 127, 131, 132], "good": [114, 119, 123, 124], "gop": [0, 29, 107], "govern": [21, 109, 123], "gpu": [1, 3, 6, 19, 23, 26, 116, 119, 122, 124, 128, 131], "gracefulli": [19, 26], "grad": 112, "gradient": [0, 55, 77, 89, 99, 112], "gradientnod": [29, 41, 55, 112], "grant": 123, "graph": [0, 19, 20, 24, 26, 61, 63, 64, 67, 86, 107, 110, 114, 118, 120, 122, 126, 129, 131, 132], "graphinconsist": [0, 29, 31], "graphmodul": [0, 19, 20, 22, 23, 24, 27, 29, 30, 32, 58, 59, 61, 64, 99, 107, 114, 118, 125, 131], "graphviz": [59, 122], "great": 93, "greater": 116, "ground": 111, "group": 59, "guarante": 80, "guid": 121, "h0": 98, "h5": 122, "h5_pyanitool": [0, 13, 107], "h5path": [13, 15], "h5py": 122, "ha": [7, 21, 28, 31, 37, 38, 48, 49, 53, 54, 55, 57, 60, 61, 64, 67, 84, 86, 87, 88, 105, 108, 109, 111, 114, 116, 125, 131, 132], "hamiltonian": 75, "hamiltonian_on": [60, 68, 75], "handl": [27, 80, 116, 119, 129], "hard": [114, 132], "hard_cutoff": 80, "hard_dist_cutoff": [54, 84, 85, 86, 87, 88], "hard_max_dist": 80, "hartre": 67, "hat": 120, "hatomregressor": [29, 41, 48, 56, 57, 126], "have": [10, 19, 26, 29, 31, 37, 39, 45, 53, 54, 55, 73, 105, 110, 114, 116, 117, 118, 119, 120, 124, 125, 126, 127, 128, 131, 132], "hbondnod": [29, 41, 57], "hbondsymmetr": [0, 77, 91], "hcharg": [0, 77, 91, 132], "hchargenod": [29, 41, 57, 111, 132], "hcno": 96, "hdf5": 121, "heat": 74, "help": [19, 20, 106, 120, 125], "helper": 55, "henergi": [0, 77, 89, 91, 114, 115, 120, 126], "henergynod": [29, 41, 57, 105, 111, 114, 120, 126], "here": [10, 27, 28, 39, 89, 111, 113, 114, 115, 119, 126, 128, 129], "hessian": 98, "hide": 29, "hier": 114, "hier_featur": 126, "hierarch": [114, 126], "hierarchc": 91, "hierarchical_energy_initi": [0, 105, 107, 114], "hierarchicalityplot": [0, 101, 103], "high": [13, 15, 26, 105, 121], "high_force_system": 105, "higher": 31, "highest": 73, "highli": [116, 126], "hip": [1, 53, 80, 94, 96, 124], "hiplay": [0, 77, 91, 107], "hipnn": [0, 10, 29, 41, 53, 63, 80, 81, 89, 94, 95, 107, 114, 116, 120, 132], "hipnn_model": [114, 120, 132], "hipnnquad": [0, 29, 41, 53, 95, 96], "hipnnvec": [0, 29, 41, 53, 95, 96], "hipppynn": 29, "hippynn": [108, 109, 110, 111, 113, 114, 115, 116, 117, 118, 119, 120, 122, 124, 126, 127, 129, 130], "hippynn_": 131, "hippynn_db_cach": [13, 15], "hippynn_default_plot_filetyp": 131, "hippynn_local_rc_fil": 131, "hippynncalcul": [0, 60, 61, 64, 108], "hippynndatamodul": [0, 19, 24], "hippynnlightningmodul": [0, 19, 24], "hippynnrc": 131, "hist1d": [0, 101, 103], "hist1dcomp": [0, 101, 103], "hist2d": [0, 101, 103, 117], "histogram": [49, 81], "hold": [13, 15, 37, 39, 94], "holder": 123, "home": 121, "homo": 73, "hook": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "hope": 121, "host": 22, "hostedtoolcach": 24, "hot": [49, 53, 81, 96], "how": [10, 19, 21, 23, 24, 26, 109, 113, 114, 116, 117, 119, 120, 121, 124, 125, 129], "howev": [20, 116, 123, 124, 126, 130, 132], "hparams_fil": 24, "hpc": [24, 119], "html": [13, 61, 62], "http": [13, 61, 62, 111, 122], "hyperparamet": [114, 115, 132], "i": [7, 10, 13, 15, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 37, 38, 39, 45, 47, 48, 49, 53, 54, 55, 58, 60, 61, 62, 64, 73, 79, 80, 85, 86, 89, 92, 96, 102, 105, 106, 108, 109, 110, 111, 114, 116, 117, 118, 119, 120, 123, 124, 125, 126, 127, 128, 130, 131, 132], "iap": [67, 115], "iclr": 21, "idea": 119, "ideal": 62, "ident": 31, "identifi": [61, 64, 105], "identify_input": [0, 29, 30], "identify_target": [0, 29, 30], "idx": [0, 77, 78], "idx_atom_molatom": [29, 33, 34], "idx_molatom_atom": [29, 33, 34], "idx_molatomatom_pair": [29, 33, 35], "idx_pair_molatomatom": [29, 33, 35], "idx_quadtrimol": [29, 33, 36], "idxi": 75, "idxj": 75, "idxstat": 45, "idxt": 38, "idxtyp": [0, 29, 37, 38, 39, 40, 53, 54, 55, 107, 120, 125, 126], "ignor": [13, 15, 29, 31, 32, 51, 61, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "ij": 111, "ill": 127, "imag": [20, 88, 116], "implement": [1, 2, 3, 4, 5, 7, 10, 21, 24, 28, 29, 32, 37, 38, 45, 54, 61, 64, 78, 80, 82, 84, 88, 94, 96, 119, 124, 125, 126, 128], "implementt": 2, "impli": 123, "implicitli": [29, 31, 48], "import": [60, 108, 109, 110, 114, 115, 116, 117, 119, 120, 126, 130, 132], "impos": 131, "improv": [21, 122], "in_featur": 80, "in_nod": 43, "inadvert": [13, 15], "incident": 123, "includ": [13, 29, 31, 39, 58, 61, 62, 80, 96, 114, 115, 116, 119, 121, 123, 128], "inclus": 125, "incompat": [29, 31], "incompatible_kei": 80, "incorpor": 132, "increas": [20, 21, 54, 84, 87, 88, 116], "incur": 20, "independ": [116, 128], "index": [0, 13, 15, 25, 29, 31, 33, 34, 35, 37, 38, 39, 40, 41, 45, 46, 50, 53, 54, 55, 58, 77, 78, 82, 89, 91, 107, 116, 121, 125, 126, 127], "index_nam": [13, 15], "index_pool": 15, "index_st": [44, 46, 50, 75, 120], "index_transform": 125, "index_type_coercion": [0, 29, 37, 38, 126], "indexed_featur": 53, "indexformtransform": [41, 42, 45], "indexnod": [41, 42, 46], "indextransform": [0, 29, 39, 107], "indextyp": [0, 29, 107, 128], "indic": [13, 15, 19, 26, 29, 41, 50, 54, 84, 87, 88, 116, 131], "indirect": 123, "individu": [29, 58, 59, 114], "infer": [29, 30], "info": [19, 20, 25, 131], "inform": [26, 27, 29, 30, 32, 37, 38, 44, 49, 50, 54, 56, 78, 108, 114, 116, 119, 121, 126, 128, 131], "inherit": 56, "inital_magmom": 62, "initi": [13, 14, 15, 17, 61, 62, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91, 105, 132], "initial_charg": 62, "initialize_buff": [77, 82, 87], "inner": 124, "input": [0, 13, 14, 15, 17, 19, 20, 24, 29, 30, 31, 32, 37, 38, 39, 41, 43, 44, 46, 47, 51, 58, 61, 62, 67, 78, 80, 92, 94, 96, 98, 107, 110, 111, 114, 115, 116, 118, 120, 124, 126, 127, 132], "input_class": 30, "input_i": 38, "input_idxst": [37, 39], "input_tensor": 78, "input_type_str": [29, 41, 42, 44, 50, 60, 68, 75], "input_valu": [29, 32], "inputcharg": [29, 41, 50], "inputnod": [30, 41, 42, 44, 50, 75, 120], "inputs_list": [29, 31], "insert": [29, 31], "insid": 131, "instal": [121, 124, 127, 131], "instanc": [21, 25, 29, 32, 51, 58, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 126], "instanti": [19, 26], "instead": [13, 15, 29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 98, 111], "instruct": 114, "int": [13, 14, 15, 17, 19, 23, 24, 26, 27, 29, 30, 55, 61, 62, 89, 94, 96, 100, 105], "int16": 7, "int32": 7, "int64": 7, "int8": 7, "int_lay": 103, "integ": [25, 62], "integr": 128, "intend": 45, "intens": [61, 64], "interact": [1, 24, 80, 81, 89, 96, 105, 114, 116, 124, 132], "interaction_lay": [0, 95, 96], "interactionplot": [0, 101, 103], "interactlay": [0, 77, 80], "interactlayerquad": [0, 77, 80], "interactlayervec": [0, 77, 80], "interatom": 115, "interfac": [0, 24, 29, 58, 107, 108, 113, 116, 121, 122, 127, 129, 131], "interfacedb": 105, "intern": [13, 15, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91, 96, 100, 111], "interrupt": [19, 26, 123], "intput_info": [29, 30], "intrins": 132, "inv_cel": 84, "inv_real_atom": [83, 84, 86, 87, 88], "inv_real_index": 81, "invers": [81, 96, 98], "inverse_real_atom": 67, "inversesensitivitymodul": [0, 77, 80, 91], "invert": 43, "invnod": [41, 42, 43], "invok": [37, 39, 126], "involv": [20, 29, 31, 119, 132], "io": [13, 61, 62], "irrelev": 114, "irrevoc": 123, "is_equal_state_dict": [0, 106, 107], "is_scheduler_lik": [0, 19, 21], "isinst": [29, 47], "isiter": [0, 106, 107], "isn": 18, "issu": 124, "item": [13, 15, 78, 105], "iter": [19, 26, 29, 31, 47, 59, 81, 106, 116], "its": [80, 94, 105, 119, 123], "itself": [19, 26, 98, 99, 106, 118, 123, 125, 126, 127], "j": [10, 48, 89, 111, 124, 127], "j_list": 83, "jlist": 86, "job": 119, "jpg": 131, "json": [13, 61, 62, 121, 127], "just": [13, 15, 27, 29, 31, 37, 38, 73, 111, 113, 118, 132], "k": [0, 19, 24, 55, 105], "kcal": [61, 64, 94, 108], "kd": [54, 84], "kdtreeneighbor": [77, 82, 84], "kdtreepair": [29, 41, 54, 84, 116], "kdtreepairsmemori": [29, 41, 54, 77, 82, 84, 116], "keep": [25, 29, 94, 124], "keep_splits_same_s": [13, 15], "kei": [12, 13, 14, 15, 17, 25, 61, 62, 94, 99, 105, 114, 118, 126], "kernel": [1, 3, 6, 129, 131], "kernel_dtyp": 4, "keyboard": [19, 26], "keyboardinterrupt": [19, 26], "keyword": [48, 111, 118, 119, 126], "kill": [19, 26], "kind": [56, 105], "know": [10, 19, 20], "kokko": 131, "kqq": 55, "kwarg": [6, 13, 14, 17, 18, 21, 24, 27, 29, 43, 45, 46, 48, 49, 51, 52, 53, 54, 55, 57, 58, 61, 62, 64, 65, 67, 72, 74, 75, 78, 81, 83, 86, 87, 88, 89, 96, 103, 105, 106, 118, 126], "l": [21, 53, 96, 120], "l1_loss": [51, 78], "l1loss": 78, "l1reg": [29, 41, 51], "l2": 90, "l2reg": [29, 41, 51], "label": 119, "laboratori": 123, "lambdamodul": [0, 43, 48, 51, 77, 78], "lammp": [66, 67, 113, 121, 122, 131], "lammps_interfac": [0, 60, 107], "langevin": 94, "langevindynam": [0, 93, 94], "lanl": [97, 122, 123], "laptop": 114, "larg": [19, 20, 23, 105, 116, 124, 132], "larger": [95, 116, 130], "largest": 105, "last": [21, 54, 84, 87, 88, 96, 114], "last_best": 21, "later": [119, 131], "latter": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "launch": [1, 124], "launch_bound": [0, 1, 4, 8], "layer": [0, 48, 96, 105, 107, 114, 124, 126, 129], "lbfg": 28, "lead": [29, 58, 132], "leak": [29, 58], "learn": [19, 21, 26, 111, 114, 121], "learnabl": [19, 26], "learning_r": [0, 19, 26, 107, 114], "least": 105, "leav": 131, "left": [29, 31, 43], "length": [45, 49, 81, 106, 116, 119], "less": [1, 111, 114, 116, 124], "let": [114, 117, 118, 120, 126], "level": [26, 29, 31, 37, 57, 91, 126, 129], "li": 111, "li2023": 111, "liabil": 123, "liabl": 123, "lib": 24, "librari": [106, 115, 121, 124, 126, 128, 129], "licens": 121, "lightingprintstagescallback": [0, 19, 24], "lightn": [24, 122], "lightning_train": [0, 19, 107], "lightningdatamodul": 24, "lightningmodul": 24, "like": [13, 14, 15, 17, 19, 20, 26, 37, 38, 61, 62, 74, 86, 111, 114, 116, 117, 118, 119, 120, 122, 128, 132], "likelihood": [19, 20], "limit": [116, 123, 131], "line": [28, 29, 32, 78, 129], "linear": 128, "link": [19, 21, 26, 29, 31, 32, 59, 124, 125, 128], "list": [6, 13, 14, 15, 17, 19, 20, 21, 22, 24, 25, 26, 29, 30, 31, 47, 49, 58, 59, 61, 62, 64, 67, 79, 85, 86, 91, 92, 94, 96, 100, 110, 114, 115, 119, 123, 125, 126], "list_of_input_nod": 118, "list_of_output_nod": 118, "listmod": [0, 77, 78], "listnod": [29, 41, 52], "littl": [13, 14, 15, 17, 61, 62], "live": 39, "ll": [18, 114, 116, 118], "llc": 123, "lmp": 115, "lo": 123, "load": [13, 14, 15, 17, 18, 19, 21, 26, 27, 61, 62, 80, 114, 115, 119, 121, 122, 127], "load_arrai": [0, 13, 14, 17, 60, 61, 62, 107], "load_checkpoint": [0, 19, 27, 119], "load_checkpoint_from_cwd": [0, 19, 27, 115, 119], "load_from_checkpoint": [0, 19, 24], "load_model_from_cwd": [0, 19, 27, 119], "load_saved_tensor": [0, 19, 27], "load_state_dict": [0, 19, 21, 80], "load_unifi": 115, "loader": [13, 17, 23], "local": [48, 55, 57, 89, 91, 114, 126, 132], "localatomenergynod": [60, 66, 67], "localatomsenergi": [60, 66, 67], "localchargeenergi": [0, 29, 41, 57, 77, 91], "localdampingcosin": [0, 77, 89], "localenergi": [0, 77, 79], "localenergynod": [29, 41, 48], "locat": [114, 121, 131], "log": [0, 97, 98, 114], "log_termin": [0, 106, 107, 114], "logfil": 98, "logic": [39, 128], "long": [89, 116, 130], "longer": [21, 119], "look": [13, 14, 15, 17, 29, 31, 37, 38, 47, 61, 62, 111, 114, 117, 126, 130], "loop": [19, 26], "loss": [0, 19, 20, 22, 23, 24, 26, 27, 28, 29, 37, 38, 41, 44, 111, 112, 113, 114, 119, 123, 128, 129, 131, 132], "loss_dict": 23, "loss_error": 114, "loss_func": [0, 77, 78], "loss_nod": [19, 20], "lossinputnod": [41, 42, 44], "lossnod": [19, 20], "lossprednod": [41, 42, 44], "losstruenod": [41, 42, 44], "lot": 114, "low": [105, 131], "low_distance_system": 105, "lower": 25, "lowest": 73, "lpreg": [0, 29, 41, 51, 77, 90], "lr": [19, 26, 109], "lr_schedul": [19, 24, 26], "lumo": 73, "machin": [111, 121], "machineri": 43, "made": 130, "mae": [111, 112, 114, 120], "mae_energi": [114, 120, 130], "mae_per_atom": 130, "maeloss": [29, 41, 51, 111, 114, 120, 130], "maephaseloss": [29, 41, 48, 111], "magnet": 62, "magnitud": 105, "mai": [10, 19, 21, 22, 24, 26, 29, 31, 37, 39, 58, 80, 115, 119, 120, 122, 123, 124, 126, 127, 130, 132], "main": [0, 1, 10, 28, 45, 53, 54, 55, 96, 114, 121, 126], "main_output": [37, 38, 41, 42, 44, 45, 46, 53, 54, 55], "mainoutputtransform": [41, 42, 45], "maintain": 98, "make": [13, 14, 15, 17, 19, 23, 26, 29, 31, 32, 58, 59, 61, 62, 94, 110, 112, 114, 117, 118, 121, 126, 130, 132], "make_automatic_split": [0, 13, 15, 107], "make_database_cach": [0, 13, 15, 107], "make_dens": 20, "make_ensembl": [0, 29, 30, 107, 110], "make_ensemble_graph": [0, 29, 30], "make_ensemble_info": [0, 29, 30], "make_explicit_split": [0, 13, 15, 107], "make_explicit_split_bool": [0, 13, 15, 107], "make_full_loc": [0, 101, 102], "make_gener": [0, 13, 15, 107], "make_kernel": [0, 1, 4, 8], "make_plot": [0, 101, 102, 103], "make_random_split": [0, 13, 15, 107], "make_restart": [0, 13, 18], "make_trainvalidtest_split": [0, 13, 15, 107], "maker": [19, 20, 23, 102, 117], "manag": [19, 21, 26, 45, 106], "mandatori": [19, 26], "mani": [21, 29, 58, 114, 116, 121], "manipul": [54, 82], "manner": 132, "manual": [18, 19, 26, 130], "map": [13, 14, 15, 17, 23, 27, 61, 62, 81, 105, 114, 119], "map_devic": 119, "map_loc": [24, 27, 115, 119], "mark": [13, 15], "mask": [13, 14, 15, 17, 61, 62, 75, 100, 113], "maskd": 75, "mass": 94, "massiv": 127, "match": [31, 37, 38, 41, 42, 45, 48, 49, 53, 54, 55, 57, 126], "matched_idx_coercion": [41, 42, 45], "matchlen": [41, 42, 45, 126], "materi": [111, 123], "mathemat": [120, 128], "mathrm": 124, "matplotlib": [122, 128, 131], "matrix": 127, "matter": [10, 51, 119], "max_batch_s": [21, 109], "max_dist_soft": 80, "max_epoch": [0, 19, 21, 26, 107, 109, 114], "max_forc": 105, "max_force_train": 105, "max_step": 98, "maxd_soft": 80, "maximum": [13, 15, 19, 21, 26, 79, 80, 81, 89, 105, 114], "maxstep": 98, "md": [0, 93, 107, 116], "mean": [29, 31, 37, 41, 51, 78, 94, 110, 114, 130, 131, 132], "mean_elaps": [0, 1, 10], "mean_sq": [29, 41, 51], "meansq": [29, 41, 51], "meant": 18, "measur": [19, 26, 78, 119], "median_elaps": [0, 1, 10], "member": 110, "memori": [1, 20, 23, 29, 41, 54, 58, 84, 88, 94, 118, 124, 128, 131], "mention": 119, "merchant": 123, "merg": 31, "merge_children": [0, 29, 31], "merge_children_recurs": [0, 29, 31], "messag": [29, 47, 118, 124], "met": 123, "meta": 21, "metadata": [125, 128], "method": [13, 14, 15, 17, 21, 29, 32, 49, 58, 61, 62, 73, 74, 78, 81, 89, 114, 116, 126, 130], "metric": [19, 21, 23, 25, 26, 27, 114, 119, 120, 128, 130], "metric_data": 104, "metric_info": 25, "metric_list": 104, "metric_nam": [25, 104], "metric_track": [0, 19, 24, 26, 27, 69, 107], "metrictrack": [0, 19, 24, 25, 26, 27], "microsecond": 8, "midpoint": 96, "might": 112, "mimic": 120, "min_dist": 105, "min_dist_info": [77, 82, 83], "min_dist_soft": 80, "min_dists_train": 105, "min_soft_dist": 80, "mind_soft": 80, "mindistmodul": [77, 82, 83], "mindistnod": [29, 41, 54], "minim": [28, 39, 69, 113, 128], "minimum": [13, 15, 80, 105, 111, 122], "misc": [0, 29, 41, 106, 122], "misconfigur": 124, "mitig": 116, "mix": [116, 126], "mixin": 126, "mixtur": 124, "mkdir": 114, "ml": [60, 67, 115], "mliap": [67, 115], "mliap_interfac": [0, 60, 66], "mliap_unified_hippynn_": 115, "mliap_unified_hippynn_al_multilay": 115, "mliap_unified_lj": 115, "mliapdata": 67, "mliapinterfac": [60, 66, 67, 115], "mliappi": 115, "mliapunifi": 67, "mliapunifiedlj": 115, "mlseqm": [0, 60, 68], "mlseqm_nod": [60, 68, 72], "mndo": 73, "mode": [13, 15], "model": [0, 13, 15, 19, 20, 22, 23, 24, 25, 26, 27, 28, 29, 30, 44, 58, 60, 61, 63, 64, 67, 77, 87, 93, 94, 95, 96, 99, 105, 108, 109, 111, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 124, 126, 129, 132], "model_devic": [0, 27, 29, 58, 67, 107, 115, 119], "model_evalu": [19, 26], "model_fil": 71, "model_form": 110, "model_input_map": [0, 93, 94], "model_output": [94, 102], "modern": 6, "modif": 123, "modifi": [21, 29, 31, 37, 39, 109, 126, 132], "modul": [0, 1, 13, 19, 29, 33, 37, 41, 42, 60, 61, 66, 68, 76, 77, 82, 93, 95, 97, 101, 107, 114, 116, 119, 121, 125, 126, 128, 131], "modular": [121, 129], "module_kwarg": [48, 53, 54, 55, 57, 65, 76, 111, 114, 116, 120, 126, 132], "mol": [61, 64, 81, 108], "mol_en": 118, "mol_energi": [111, 126], "mol_hier": 126, "mol_index": [49, 55, 79, 81, 83, 84, 86, 89, 91, 126], "mol_mask": 73, "molatom": [0, 29, 37, 40, 49, 54, 107, 120], "molatom_th": 81, "molatomatom": [0, 29, 37, 40, 54, 107], "molatomatom_th": 86, "molecul": [0, 10, 29, 37, 40, 74, 79, 81, 89, 91, 107, 118, 120, 125, 126], "molecular": [62, 89, 91, 93, 108, 111], "molecular_dynam": [0, 107], "molecular_energi": 89, "molecular_energies_par": 55, "moleculardynam": [0, 93, 94], "molecule_energi": [114, 117, 118, 130], "molecule_index": 86, "molpairsumm": [77, 82, 86], "molsiz": 75, "molsumm": [0, 77, 81], "moment": [62, 128], "moor": 98, "more": [6, 27, 29, 31, 37, 38, 45, 47, 54, 84, 87, 88, 109, 111, 114, 116, 119, 121, 124, 125, 126, 128, 130, 131], "morrison": 98, "most": [27, 124, 128, 132], "move": [13, 14, 15, 17, 29, 54, 58, 61, 62, 84, 87, 88, 94, 116, 119], "mse": [111, 112, 114, 120], "mse_energi": [114, 120], "mse_loss": [51, 78], "mseloss": [29, 41, 51, 78, 114, 120], "msephaseloss": [29, 41, 48, 111], "mtime": 62, "mtrand": [13, 15], "mu": [13, 15], "much": [23, 67, 119, 124, 132], "mul": 43, "mulnod": [41, 42, 43], "multi": [29, 32, 41, 42, 67, 78, 111], "multigradi": [0, 77, 89], "multigradientnod": [29, 41, 55], "multinod": [37, 38, 41, 42, 45, 46, 48, 49, 52, 53, 54, 55, 57, 59, 67, 72, 74, 75, 114, 125, 129], "multipl": [19, 26, 37, 38, 43, 63, 121, 126, 127, 132], "multipli": [48, 67], "multiprocess": 24, "must": [13, 17, 37, 39, 54, 60, 84, 87, 88, 96, 108, 115, 116, 119, 123, 126, 131], "mutual": [37, 38], "my_first_hippynn_model": 114, "n": [105, 106, 120], "n_": 124, "n_atom": [10, 49, 86, 111, 127], "n_atom_lay": [96, 114], "n_atoms_max": [14, 79, 81, 83, 84, 86, 127], "n_column": 25, "n_comment": 14, "n_dist": [80, 91], "n_dist_bar": 80, "n_featur": [10, 96, 114], "n_features_encod": 96, "n_grad": 10, "n_imag": [20, 86, 88, 116], "n_input_featur": 96, "n_interaction_lay": [96, 114], "n_larg": 10, "n_min": 98, "n_mol": 49, "n_molecul": [10, 55, 79, 81, 83, 84, 86, 89, 91, 111, 126], "n_neigh_max": 86, "n_nu": 10, "n_output": 24, "n_r": 103, "n_repetit": 10, "n_sensit": [96, 114], "n_small": 10, "n_state": 111, "n_step": 94, "n_system": 127, "n_target": [79, 91, 111], "n_worker": 116, "nac": 79, "nacr": [0, 48, 77, 79, 111], "nacr_ma": 111, "nacrmultist": [0, 77, 79], "nacrmultistatenod": [29, 41, 48, 111], "nacrnod": [29, 41, 48], "name": [10, 13, 15, 17, 19, 20, 21, 23, 25, 26, 27, 29, 31, 32, 43, 44, 46, 48, 49, 50, 51, 52, 53, 54, 55, 57, 58, 61, 62, 64, 65, 67, 70, 72, 74, 75, 76, 94, 105, 110, 111, 114, 118, 120, 123, 126, 127, 130], "name_or_dbnam": 31, "namedtensordataset": [0, 13, 15], "narg": 6, "nation": 123, "nativ": [43, 128], "natur": 132, "navig": 122, "ndescriptor": 67, "nearest": 116, "necessari": [20, 22, 45], "necessit": 10, "need": [6, 13, 14, 15, 17, 18, 19, 20, 22, 27, 29, 32, 37, 38, 45, 49, 51, 54, 61, 62, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96, 114, 116, 119, 122, 126, 132], "needed_index_st": 45, "neg": 43, "neglig": 123, "negnod": [41, 42, 43], "neigh_list": 54, "neighbor": [61, 64, 86, 105, 116, 124], "neighbor_list_kdtre": [77, 82, 84], "neighbor_list_np": [77, 82, 84], "neighborlist": 89, "neither": 123, "net": [48, 57, 126], "netnam": 114, "network": [0, 20, 23, 29, 32, 41, 48, 51, 56, 57, 74, 75, 76, 90, 105, 107, 111, 114, 116, 120, 124, 126, 129, 132], "network_output": 20, "network_param": [114, 116, 120, 132], "neural": [29, 32, 53, 114, 124], "neuron": 114, "never": 10, "new": [13, 15, 19, 20, 26, 29, 31, 37, 39, 45, 54, 58, 84, 87, 88, 106, 116, 121, 125, 126, 132], "new_best": [19, 26], "new_nod": [29, 31], "new_requir": [29, 31], "new_subgraph": [29, 31], "newtonraphson": [0, 97, 98], "next": [29, 31, 114], "nf_in": [80, 92], "nf_middl": 92, "nf_out": [80, 92], "nheavi": 75, "nhydro": 75, "ni": 75, "nj": 75, "nlocal": 67, "nm": 67, "nn": [1, 20, 22, 53, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91, 94, 96, 124, 125, 128], "nocc": 73, "noccmo": 75, "noccvirt": [73, 74], "node": [0, 19, 20, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 58, 59, 61, 63, 64, 67, 74, 84, 89, 99, 105, 107, 108, 110, 111, 112, 114, 115, 116, 117, 118, 127, 128, 129, 130, 132], "node_from_nam": [0, 29, 32, 107, 108, 115], "node_funct": [29, 41, 42], "node_iter": 59, "node_or_nod": [29, 47], "node_self": 45, "node_set": [29, 31, 47, 59], "node_valu": [29, 58], "nodeambiguityerror": [29, 31, 41, 42, 47], "nodenotfound": [41, 42, 47], "nodenotfounderror": [29, 31, 47], "nodeoperationerror": [31, 41, 42, 47], "nodes_required_for_loss": 20, "nodes_to_comput": [29, 32], "nodes_to_reduc": [37, 38], "non": [2, 8, 10, 43, 48, 105, 113, 114], "nonblank": [76, 81, 84, 87, 88], "none": [1, 6, 10, 13, 14, 15, 17, 19, 20, 21, 23, 24, 25, 26, 27, 29, 31, 39, 44, 45, 46, 48, 49, 50, 53, 54, 55, 57, 58, 59, 61, 62, 64, 65, 67, 73, 74, 75, 76, 78, 80, 84, 87, 88, 89, 94, 96, 98, 99, 102, 103, 105, 106, 116, 119, 126, 131], "nonetheless": 124, "nonexclus": 123, "nonlinear": 92, "nonsymmetr": 10, "nor": 123, "norb": 73, "norestart": [0, 13, 18], "norm": [0, 13, 15, 101, 103], "norm_axi": [13, 15], "norm_per_atom": [13, 15], "normal": [13, 15, 55, 89, 120], "notconverg": [73, 75], "notconvergednod": [60, 68, 75], "note": [7, 10, 20, 21, 23, 29, 54, 58, 76, 80, 81, 89, 96, 108, 111, 114, 115, 126, 127, 131], "notfound": [0, 29, 37, 40, 107], "noth": [13, 14, 15, 17, 29, 58, 61, 62], "notic": [116, 120, 123], "notimpl": [28, 56], "now": [76, 114], "np": [13, 15], "np_of_torchdefaultdtyp": [0, 106, 107], "npneighbor": [77, 82, 84], "npy": [13, 17], "npz": [13, 15, 17], "npzdatabas": [0, 13, 17, 107], "npzdictionari": [13, 15], "nu": 124, "nu_": 124, "nuclear": 123, "nullupdat": [0, 93, 94], "num_orb": [60, 68, 73], "num_work": [13, 14, 15, 17, 20, 61, 62], "numba": [1, 4, 7, 8, 122, 124, 128, 131], "numbacompatibletensorfunct": [0, 1, 4, 8], "number": [10, 13, 15, 19, 20, 21, 25, 26, 45, 48, 49, 53, 54, 55, 62, 67, 73, 79, 80, 84, 87, 88, 89, 91, 94, 96, 98, 99, 100, 111, 114, 116, 124, 125, 126], "numbers_pad": 100, "numer": [116, 132], "numpi": [8, 13, 14, 15, 17, 61, 62, 105, 121, 122, 127], "numpydynamicpair": [29, 41, 54], "nvirt": 73, "o": [114, 124], "obei": [29, 47], "obj": [43, 73, 106], "object": [3, 8, 10, 13, 15, 18, 19, 21, 23, 25, 26, 27, 28, 29, 45, 54, 56, 58, 64, 67, 73, 74, 80, 94, 98, 99, 102, 103, 105, 106, 108, 109, 110, 115, 116, 118, 119, 126, 129], "observ": 25, "obtain": 114, "occupi": [10, 73], "of_nod": [29, 41, 51, 111, 114, 120, 130], "off": [1, 119, 124], "offset_index": 86, "often": [23, 54, 111, 118, 132], "okai": 106, "old": [29, 31, 37, 39], "old_nod": [29, 31], "on_load_checkpoint": [0, 19, 24], "on_save_checkpoint": [0, 19, 24], "on_test_end": [0, 19, 24], "on_test_epoch_end": [0, 19, 24], "on_train_epoch_start": [0, 19, 24], "on_validation_end": [0, 19, 24], "on_validation_epoch_end": [0, 19, 24], "onc": 45, "ondisk": [0, 13, 107], "one": [19, 22, 26, 29, 31, 32, 37, 38, 39, 47, 49, 51, 53, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 96, 105, 106, 108, 111, 116, 120, 124, 125, 126, 127, 130, 132], "one_hot": [54, 83], "onehotencod": [29, 41, 49, 54], "onehotspeci": [0, 77, 81], "ones": [10, 21, 81], "onli": [1, 13, 15, 18, 19, 20, 24, 26, 27, 28, 45, 76, 80, 81, 96, 106, 114, 116, 119, 120, 122, 124, 126], "op": [37, 38], "open": [0, 13, 15, 54, 76, 77, 82, 105, 106, 116, 123, 127], "openpairindex": [29, 41, 54, 77, 82, 87], "oper": [1, 4, 5, 29, 31, 37, 38, 43, 58, 67, 78, 89, 116, 123, 124, 126, 129, 132], "operatino": 130, "opt": 24, "optim": [0, 19, 21, 22, 24, 26, 28, 106, 107, 109, 114, 119], "optimist": 124, "optimizer_list": 24, "option": [6, 13, 15, 19, 20, 23, 26, 27, 29, 45, 48, 49, 58, 61, 64, 94, 115, 119, 122], "optional_depend": 122, "orbit": [73, 74], "orbital_mask": 73, "orbtial": 73, "order": [8, 18, 29, 31, 57, 115, 126, 128, 130, 131, 132], "org": 111, "organ": [13, 45, 106], "origin": [79, 96, 119], "origin_nod": 44, "orthorhomb": [54, 84, 116], "ot": 99, "other": [12, 13, 15, 17, 19, 21, 25, 26, 39, 51, 60, 61, 62, 80, 92, 96, 98, 106, 108, 112, 114, 116, 119, 120, 121, 122, 123, 124, 126, 130, 131, 132], "other_metric_valu": 25, "other_par": 53, "other_shap": 4, "otherwis": [13, 15, 18, 52, 54, 84, 87, 88, 89, 123], "our": 114, "ourselv": 114, "out": [6, 29, 31, 105, 122, 123], "out_dict": [29, 58], "out_env": 6, "out_feat": 6, "out_sens": 6, "out_shap": [0, 1, 4, 8], "outer": 124, "outlier": [13, 15], "outlin": 21, "outout": [29, 32], "output": [0, 10, 13, 14, 15, 17, 19, 20, 28, 29, 31, 37, 38, 39, 45, 46, 53, 54, 55, 58, 59, 61, 62, 64, 67, 80, 92, 94, 102, 107, 108, 111, 114, 116, 118, 125, 126, 130, 132], "output_class": 30, "output_i": 38, "output_idxst": [37, 39], "output_index_st": [37, 38], "output_info": [29, 30], "outputs_list": [29, 31], "outsid": 109, "over": [10, 19, 20, 23, 25, 26, 57, 81, 91, 94, 105, 111, 114, 120, 124, 126], "over_tim": 104, "overhead": [1, 8, 124], "overridden": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "override_kwarg": [13, 15], "overwrit": [13, 15, 131], "overwritten": [19, 20], "own": [29, 32, 78, 126], "p": [51, 90, 124], "p0": 75, "p_i": 124, "p_j": 124, "p_valu": [0, 77, 89], "pack": [36, 81], "pack_par": [60, 68, 73], "packag": [24, 39, 107, 124], "packed_quadrupol": 81, "pad": [10, 13, 15, 29, 37, 38, 49, 54, 58, 81, 86, 126], "pad_idx": [49, 54], "pad_np_array_to_length_with_zero": [0, 106, 107], "padded_neighlist": [77, 82, 86], "paddedneighbornod": [29, 41, 54], "paddedneighmodul": [77, 82, 86], "padder": 49, "padding_index": 53, "padding_numb": [99, 100], "paddingindex": [0, 29, 41, 49, 54, 55, 77, 81], "padidx": 116, "page": [121, 128], "paid": 123, "pair": [0, 10, 20, 29, 31, 33, 37, 40, 41, 48, 49, 57, 77, 81, 89, 105, 107, 124, 125, 127], "pair_coeff": 115, "pair_coord": [86, 96], "pair_dist": [83, 85, 89, 91, 96], "pair_featur": 54, "pair_find": [53, 54], "pair_finder_class": 105, "pair_first": [5, 6, 10, 80, 81, 83, 86, 89, 91, 96], "pair_idx": [54, 55], "pair_index": 54, "pair_list": 85, "pair_molid": 75, "pair_second": [5, 6, 10, 80, 81, 83, 86, 89, 91, 96], "pair_styl": 115, "pair_tensor": 85, "paircach": [29, 41, 50, 54, 56, 77, 82, 86], "pairdeindex": [29, 41, 54, 77, 82, 86], "pairfeatur": 86, "pairfilt": [29, 41, 54, 63], "pairfind": [0, 53, 55, 57, 60, 61, 116], "pairindex": [20, 29, 41, 53, 54, 55, 56, 63, 85], "pairindic": [29, 41, 50], "pairmemori": [77, 82, 84, 87, 88], "pairreindex": [29, 41, 54, 77, 82, 86], "pairuncach": [29, 41, 54, 77, 82, 86], "paper": [21, 96, 111], "par_atom": [73, 75], "par_atom_node_nam": 71, "par_bond": 73, "parallel": 24, "param": [13, 15, 19, 20, 23, 26, 45, 76, 81, 89, 91, 106], "param_print": [0, 106, 107], "paramet": [1, 2, 13, 14, 15, 17, 19, 20, 21, 22, 23, 25, 26, 27, 29, 30, 31, 32, 37, 38, 39, 43, 44, 45, 46, 47, 48, 49, 50, 51, 55, 58, 59, 61, 62, 64, 67, 75, 79, 80, 81, 85, 89, 90, 91, 92, 94, 96, 99, 105, 106, 108, 109, 114, 116, 119, 131, 132], "parent": [29, 31, 37, 39, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 57, 65, 67, 72, 74, 75, 76, 94, 103, 125, 129], "parentexpand": [41, 42, 45, 126], "pari": 79, "parsabl": [13, 61, 62], "parse_arg": [0, 1, 10], "part": [106, 126, 132], "partial": [29, 31, 111], "particl": [54, 84, 87, 88, 94], "particular": [28, 121, 123, 124], "partit": 89, "pass": [13, 14, 15, 17, 19, 21, 26, 29, 32, 48, 51, 53, 58, 61, 62, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 108, 114, 115, 117, 119, 124, 126], "pass_to_pytorch": [60, 61, 64], "path": [13, 15, 17, 61, 62, 99, 114], "patienc": [21, 109], "patiencecontrol": [0, 19, 21, 109], "pbc": [62, 116], "pbchandl": [60, 61, 64], "pdf": 131, "pdindex": [48, 55, 126], "pdxer": [55, 126], "peak": 114, "penros": 98, "per": [10, 13, 15, 62, 89, 96, 106, 111, 130], "per_atom": [13, 15], "peratom": [0, 29, 41, 55, 77, 89, 96, 105, 130], "peratompredict": 130, "peratomtru": 130, "perform": [10, 13, 15, 18, 19, 22, 23, 26, 29, 31, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96, 105, 108, 109, 115, 119, 121, 122, 123, 126], "perhap": 130, "period": [0, 53, 54, 62, 77, 82, 84, 105, 113, 127, 128], "periodicpairindex": [29, 41, 54, 77, 82, 88, 116], "periodicpairindexermemori": [29, 41, 54, 77, 82, 88, 116], "periodicpairoutput": [29, 41, 54], "perman": 111, "permiss": 123, "permit": 123, "perspect": 126, "pf": 4, "pfirst": 6, "pfirst_shap": 4, "phase": [19, 26, 51, 111], "philosophi": 132, "physic": [0, 29, 41, 77, 79, 107, 111, 112, 114, 119, 120, 128, 130], "pi": 89, "pickl": [80, 115, 127], "picklabl": 80, "pidxer": [49, 53, 55, 126], "piec": [77, 114], "pin_memori": [13, 14, 15, 17, 61, 62], "pipe": [8, 106], "place": [19, 22, 26, 29, 31, 58, 125], "plai": 132, "plan": [19, 20], "pleas": 111, "plot": [0, 19, 20, 23, 26, 37, 38, 107, 113, 114, 120, 122, 129, 131], "plot_all_over_tim": [0, 101, 104], "plot_everi": [23, 102, 117], "plot_mak": [19, 20, 23, 26, 116, 117], "plot_over_tim": [0, 19, 25, 101, 104], "plot_phas": [0, 101, 102], "plotmak": [0, 19, 20, 24, 101, 107, 117], "plotter": [0, 23, 101, 102, 107], "plt_fn": [0, 101, 103], "pltkwd_info": 104, "png": 131, "po": 54, "point": [13, 29, 31, 55, 120, 124, 130, 131], "polariton": 111, "pos_or_pair": 55, "posit": [29, 41, 48, 50, 55, 56, 62, 65, 71, 79, 84, 85, 89, 91, 94, 105, 111, 112, 114, 116, 118, 120, 126, 127, 132], "positions_nam": 105, "positionsnod": [29, 41, 50, 53, 54, 55, 114, 116, 120, 126, 132], "possibl": [13, 15, 18, 28, 29, 31, 111, 114, 123, 125, 128, 129, 130, 131, 132], "possible_speci": [96, 114, 115, 116], "possibli": [19, 26], "post": [31, 130], "post_step": [0, 93, 94], "potenti": [97, 115, 121, 124], "pow": 43, "power": 126, "pownod": [41, 42, 43], "practic": 124, "pre": [13, 14, 15, 17, 20, 61, 62, 119, 124, 130], "pre_step": [0, 93, 94], "preced": 31, "precis": 59, "precomput": [20, 54], "precompute_pair": [0, 19, 20, 54, 116], "pred": [41, 42, 44, 114, 130], "pred_per_atom": 130, "predict": [13, 26, 29, 44, 48, 51, 57, 58, 91, 105, 108, 111, 114, 118, 121, 126, 128, 130, 131, 132], "predict_al": [0, 29, 58, 107], "predict_batch": [0, 29, 58, 107], "prediction_all_v": 102, "predictor": [0, 29, 93, 94, 107, 110, 113, 114, 119], "prefer": 10, "prefix": [13, 15, 17, 29, 30, 114, 131], "prefix_list": 99, "prepar": [19, 26, 123], "preprend": [29, 31], "preprocess": 18, "presenc": [13, 15], "present": [13, 45, 61, 62, 67], "preserv": 59, "pretrain": [0, 107, 114], "pretti": [13, 15, 29, 32, 128], "prettyprint_arrai": [0, 13, 15], "prevent": [26, 29, 31], "previou": [19, 26, 119], "previous": 119, "primari": [22, 132], "print": [13, 14, 15, 17, 19, 20, 21, 24, 25, 26, 29, 30, 32, 61, 62, 78, 106, 114, 128, 131], "print_": 106, "print_lr": [0, 106, 107], "print_structur": [0, 29, 32, 107], "printinfo": 10, "prior": 123, "privat": 21, "prob": 79, "probabl": [10, 19, 20, 96, 122], "problem": [111, 114, 120, 128], "proce": [61, 64, 108], "procedur": [48, 49, 53, 54, 55, 57, 114], "process": [18, 27, 31, 49, 109, 114, 115, 116, 119, 126, 130], "process_config": [0, 13, 14], "process_qm7_data": 114, "procur": 123, "produc": [108, 116, 123, 125], "product": [89, 123, 124], "profit": 123, "program": 123, "programmat": [19, 26], "progress": [26, 29, 58, 122, 131], "progress_bar": [0, 106, 107], "promot": 123, "propens": 79, "properli": 10, "properti": [10, 13, 15, 21, 23, 25, 29, 44, 46, 54, 58, 61, 64, 87, 89, 94, 96, 102, 103], "proport": 124, "protocol": 28, "provid": [1, 19, 26, 28, 46, 67, 80, 110, 119, 121, 123, 124, 126, 127, 128], "prune": 105, "psecond": 6, "psecond_shap": 4, "pseudoinvers": 98, "pss": 4, "pt": [27, 71, 115, 119], "public": 123, "publicli": 123, "publish": 21, "pure": [5, 45, 61, 64, 124, 125, 128], "purpos": [29, 45, 47, 48, 49, 53, 54, 55, 57, 81, 123, 124, 126], "push_epoch": [0, 19, 21], "put": [13, 15, 37, 38, 99, 114, 126, 132], "py": [24, 99, 110, 111, 114, 120, 127], "pyanitool": 122, "pyseqm": [60, 68, 121, 122, 128], "pyseqm_interfac": [0, 60, 107], "python": [0, 24, 43, 114, 115, 121, 122, 124, 128, 131], "python3": 24, "pytorch": [1, 2, 5, 10, 13, 14, 15, 17, 19, 21, 24, 26, 29, 32, 43, 44, 46, 50, 51, 61, 62, 77, 80, 81, 91, 92, 95, 106, 108, 114, 116, 118, 119, 122, 124, 125, 126, 127, 129, 131], "pytorch_gpu_mem_frac": 131, "q": 111, "q_a": 89, "qm7": 114, "qm7_process": 114, "qscreen": [0, 77, 89], "quad0_b512_p5_gpu": 110, "quadmol": [0, 29, 37, 40, 107], "quadpack": [0, 29, 37, 40, 77, 81, 107], "quadrupol": [0, 55, 77, 81, 89, 126], "quadrupolenod": [29, 41, 55], "quadunpack": [0, 77, 81], "quadunpacknod": [29, 41, 49], "quantiti": [55, 74, 93, 94, 110, 114, 120, 128, 131], "queue_tim": 69, "quickli": 124, "quiet": [13, 14, 15, 17, 19, 21, 25, 26, 29, 30, 61, 62], "quit": 116, "r": [54, 55, 105, 111, 114, 118, 120, 132], "r1": 10, "r2": 10, "r_a": 89, "r_arr": 76, "r_arrai": 118, "r_cutoff": 89, "r_max": 103, "r_min": 103, "radial": 131, "radiu": [89, 105, 116], "rais": [27, 29, 31, 37, 38, 47, 106], "raise_wher": 106, "raisebatchsizeonplateau": [0, 19, 21, 109], "random": [10, 13, 14, 15, 17, 21, 61, 62, 114], "randomli": 10, "randomst": [13, 14, 15, 17, 61, 62], "rang": 89, "rasi": [29, 47], "rate": [19, 21, 26, 114, 131], "rather": [116, 130], "raw": 10, "raw_atom_index_arrai": 67, "rbar": 114, "rc": 131, "rdf": 127, "rdfbin": [29, 41, 54, 77, 82, 83], "re": [13, 15, 18, 20, 29, 32, 49, 54, 78, 114, 116, 121, 126, 127], "reach": 21, "real": [10, 81], "real_atom": [81, 84, 86, 87, 88], "real_index": 81, "realist": 10, "reason": [6, 124, 130], "rebuild_neighbor": [0, 60, 61, 64], "recalcul": 10, "recalculation_need": [77, 82, 87], "recent": 124, "recip": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "recogn": 126, "recommend": [19, 26, 29, 31, 45, 111, 116, 122, 124, 130], "recomput": [54, 84, 87, 88], "record": [87, 94, 119, 128], "record_everi": 94, "record_split_mask": [13, 15], "rectangular": 81, "recurs": [29, 47, 106], "recursive_param_count": [0, 106, 107], "redefin": 94, "redirect": 106, "redistribut": 123, "reduc": [37, 38, 39, 78, 116, 118], "reduce_func": [0, 29, 37], "reducelronplateau": 21, "reducesinglenod": [29, 41, 51], "reduct": 78, "redund": 39, "refer": [13, 14, 15, 17, 29, 31, 37, 39, 61, 62, 128], "regard": 93, "regist": [25, 29, 32, 37, 39, 45, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96], "register_index_transform": [0, 29, 37, 39], "register_metr": [0, 19, 25], "registri": [0, 29, 37], "regress": [114, 126], "regular": [0, 77, 85, 107, 114, 132], "regularization_param": [0, 77, 80, 92, 95, 96], "reindexatommod": [60, 66, 67], "reindexatomnod": [60, 66, 67], "reinstat": [19, 26], "rel": [21, 49, 132], "relat": [24, 29, 31, 47, 124], "relationship": [29, 39, 47], "relev": [13, 15], "reload": [18, 27, 119], "relocate_optim": 99, "remain": 124, "remov": [13, 15, 29, 31, 37, 39], "remove_high_properti": [0, 13, 15, 107], "repeat": 10, "repeatedli": [10, 37, 39], "replac": [29, 31, 116, 126], "replace_input": [0, 29, 30], "replace_nod": [0, 29, 31, 107], "replace_node_with_const": [0, 29, 31], "replic": 116, "report": [67, 109, 120, 130], "repositori": [113, 121, 122], "repr_info": 78, "repres": [10, 13, 15, 77, 95], "represent": [10, 29, 32, 78, 81, 96, 120], "reproduc": [18, 94, 123], "reprogram": 29, "request": [37, 38], "requir": [1, 13, 15, 24, 28, 29, 31, 45, 55, 105, 110, 116, 126], "require_compatible_idx_st": [41, 42, 45], "require_idx_st": [41, 42, 45, 126], "required_input": [29, 32], "required_nod": [0, 29, 31, 101, 102], "required_variable_data": [0, 93, 94], "requires_grad": [29, 41, 42, 44, 58, 105], "reserv": 123, "reset": [0, 97, 98, 119], "reset_data": [0, 93, 94], "reset_reuse_percentag": [29, 41, 54, 77, 82, 87], "resid": [19, 20, 23], "residu": 92, "reslay": 92, "resnet": [92, 96], "resnetwrapp": [0, 77, 92], "resort_pairs_cach": [0, 1, 12], "respect": 132, "respons": 102, "rest": 128, "restart": [0, 13, 14, 15, 17, 27, 61, 62, 107, 113, 127], "restart_db": 27, "restartdb": [0, 13, 18], "restor": [27, 119], "restore_checkpoint": [0, 19, 27], "restore_db": 115, "result": [8, 13, 15, 19, 23, 25, 26, 29, 31, 37, 39, 54, 58, 67, 84, 87, 88, 116], "retain": 123, "retriev": 119, "return": [1, 2, 13, 15, 19, 20, 21, 22, 23, 25, 26, 27, 29, 30, 31, 37, 38, 39, 45, 47, 49, 51, 53, 58, 59, 61, 62, 63, 64, 67, 76, 79, 80, 81, 87, 89, 91, 92, 94, 96, 105, 106, 119, 125, 126], "return_devic": [29, 58], "return_mask": 100, "return_onli": [13, 15], "reus": [54, 84, 87, 88, 111, 116], "reuse_percentag": [29, 41, 54, 77, 82, 87], "revers": 132, "revert": 124, "right": [43, 123], "riguou": 8, "rij": 75, "rij_list": 83, "rmag_list": 83, "rmse": [111, 114, 120, 130], "rmse_energi": [114, 120], "rng": [27, 119], "role": [109, 132], "room": 131, "rough": 26, "roughli": [19, 21, 26, 132], "rout": 126, "routin": [0, 13, 15, 19, 22, 107], "rsq": [29, 41, 51], "rsqmod": [29, 41, 51], "rule": [37, 39], "run": [0, 19, 20, 21, 23, 26, 29, 31, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 94, 96, 114, 115, 116, 125, 126], "runnabl": 113, "s_": 124, "safe": [7, 99], "sai": [118, 132], "same": [10, 27, 37, 39, 61, 64, 89, 106, 110, 112, 120, 127, 131, 132], "sampl": [13, 15, 114, 120], "sample_weight": 120, "samuel": 21, "satisfactori": 45, "satisfi": [29, 47], "save": [13, 15, 18, 19, 26, 27, 60, 68, 70, 72, 103, 110, 114, 115, 117, 119], "save_and_stop_aft": [60, 68, 69], "save_dir": [102, 104], "scalar": [0, 29, 37, 40, 49, 57, 81, 91, 107, 126], "scale": [60, 68, 73, 128, 132], "scaled_charg": 132, "scalednacr": 111, "scalenod": [60, 68, 74], "schedul": [0, 19, 21, 26, 107, 109], "scheduler_list": [21, 24], "scheme": [21, 28], "schnet": [60, 76], "schnetnod": [0, 60, 76], "schnetpack": [60, 76], "schnetpack_interfac": [0, 60, 107], "schnetwrapp": [0, 60, 76], "scipi": [54, 84], "scratch": [111, 121], "screen": [55, 89], "screenedcoulomb": 89, "screenedcoulombenergi": [0, 77, 89], "screenedcoulombenergynod": [29, 41, 55], "screening_list": 89, "script": [13, 15, 67, 111, 113, 114, 115, 120, 128, 131], "scriptmodul": [67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91], "se": 106, "search": [28, 29, 31, 47, 49, 105, 116, 121], "search_by_nam": [0, 29, 31], "search_nod": 49, "second": [13, 15, 89, 127, 131], "section": 131, "secur": 123, "see": [13, 14, 15, 17, 19, 21, 26, 27, 59, 61, 62, 78, 99, 110, 111, 113, 119, 120, 127, 131], "seed": [13, 14, 15, 17, 31, 61, 62, 94, 114], "seen": 119, "select": [13, 15, 81, 124], "self": [13, 15, 21, 29, 58, 80, 126], "semi": 10, "sen": 6, "send": [67, 114, 126], "send_to_devic": [0, 13, 15, 107], "sens": [5, 6], "sense_impl": 10, "sense_shap": 4, "sensesum": [0, 1, 2, 5, 6, 124], "sensesum_impl": 2, "sensesum_raw": 10, "sensit": [5, 6, 10, 80, 96, 114, 124, 131, 132], "sensitivity_lay": [0, 95, 96], "sensitivity_modul": [80, 103], "sensitivity_typ": [91, 96], "sensitivitybottleneck": [0, 77, 80], "sensitivitymodul": [0, 77, 80], "sensitivityplot": [0, 101, 103], "separ": [10, 130], "seqm": [60, 69], "seqm_al": [60, 68, 73, 75], "seqm_allnod": [60, 68, 74], "seqm_atom_param": 71, "seqm_energi": [60, 68, 71, 73, 75], "seqm_energynod": [60, 68, 74], "seqm_maskonmol": [60, 68, 73], "seqm_maskonmolatom": [60, 68, 73], "seqm_maskonmolatomnod": [60, 68, 74], "seqm_maskonmolnod": [60, 68, 74], "seqm_maskonmolorbit": [60, 68, 73], "seqm_maskonmolorbitalatom": [60, 68, 73], "seqm_maskonmolorbitalatomnod": [60, 68, 74], "seqm_maskonmolorbitalnod": [60, 68, 74], "seqm_modul": [0, 60, 68], "seqm_molmask": [60, 68, 73], "seqm_molmasknod": [60, 68, 74], "seqm_nod": [0, 60, 68], "seqm_node_nam": 71, "seqm_on": [0, 60, 68], "seqm_one_al": [60, 68, 75], "seqm_one_allnod": [60, 68, 75], "seqm_one_energi": [60, 68, 75], "seqm_one_energynod": [60, 68, 75], "seqm_orbitalmask": [60, 68, 73], "seqm_orbitalmasknod": [60, 68, 74], "seqm_paramet": [72, 73, 74, 75], "sequenc": [21, 48], "sequenti": 10, "serial": [0, 19, 22, 80, 107, 116, 119], "servic": 123, "set": [1, 13, 14, 15, 17, 19, 21, 22, 24, 26, 27, 29, 30, 31, 32, 39, 45, 47, 49, 53, 54, 59, 60, 61, 62, 64, 78, 80, 81, 84, 87, 88, 94, 105, 109, 114, 116, 124, 125, 126, 127, 129, 130], "set_atom": [0, 60, 61, 64], "set_control": [0, 19, 21], "set_custom_kernel": [0, 1, 107, 124, 131], "set_dbnam": [41, 42, 46], "set_default_dtyp": [13, 114], "set_devic": [0, 19, 22], "set_e0_valu": [0, 105, 107], "set_extra_st": [0, 77, 80], "set_imag": [77, 82, 86], "set_skin": [77, 82, 87], "setup": [19, 26, 114], "setup_and_train": [0, 19, 26, 107, 114, 119], "setup_ase_graph": [60, 61, 64], "setup_lammps_graph": [60, 66, 67], "setup_param": [19, 24, 26, 114, 119], "setup_train": [0, 19, 26, 107, 119], "setupparam": [0, 19, 24, 26, 107, 109, 114], "sever": [46, 114, 116, 125, 126, 131], "shall": 123, "shallow": [29, 58, 124], "shape": [8, 74, 86, 96, 111, 127], "share": [67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91], "sharp": 28, "sherman": 98, "shift": 86, "short": [61, 64], "shortcut": [19, 26], "should": [13, 15, 18, 20, 21, 29, 32, 37, 39, 51, 54, 56, 58, 61, 62, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96, 105, 111, 114, 116, 118, 126, 127, 132], "shouldn": [10, 126], "show": [8, 59, 109, 116], "shown": [103, 117], "shuffl": [13, 15], "shuhao": 97, "side": 116, "sign": [51, 55, 89, 99, 111, 112], "signatur": [29, 37, 39, 48, 49, 53, 54, 55, 57, 74, 75], "silent": [29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 124], "similar": [89, 111, 114, 124, 127, 132], "similarli": [61, 64, 81], "simpl": [45, 58, 78, 114, 117, 118, 126, 127, 129], "simplehenergynod": 126, "simpler": 130, "simplest": 114, "simpli": [29, 58, 111, 126], "simplifi": 126, "simul": [60, 61, 64, 94, 108, 115, 116], "simultan": [37, 39], "sinc": [13, 15, 29, 32, 51, 54, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96], "singl": [29, 32, 37, 38, 45, 78, 114, 120, 126, 130], "single_particle_density_matrix": 75, "singlenod": [41, 42, 44, 46, 48, 49, 51, 52, 53, 54, 55, 67, 74, 76, 125, 126], "singular": 111, "site": 24, "size": [6, 20, 21, 96, 105, 114, 124, 126, 130], "size_averag": 78, "skew": 116, "skin": [29, 41, 54, 61, 64, 77, 82, 84, 87, 88, 116], "skip": [13, 14, 15, 17, 61, 62, 126], "slight": [61, 64], "slightli": [116, 126], "slow": [23, 116], "slower": 54, "small": [114, 124, 132], "smaller": 132, "smith": 21, "smooth": 89, "snap": 14, "snapdirectorydatabas": [0, 13, 14], "snapjson": [0, 13, 107], "snippet": [109, 113, 120], "so": [19, 21, 25, 26, 37, 38, 39, 45, 85, 114, 116, 118, 119, 121, 123, 124, 126, 130, 131, 132], "soft": [49, 81], "soft_index_type_coercion": [0, 29, 37, 38], "softplu": [92, 96], "softwar": 123, "some": [1, 10, 13, 15, 24, 29, 31, 47, 113, 114, 116, 119, 124, 125, 126, 130, 131], "someth": [19, 20, 114, 131], "sometim": 124, "somewhat": 24, "somewher": 114, "sort": [13, 15], "sort_by_index": [0, 13, 15, 107], "sourc": [1, 2, 3, 4, 5, 6, 8, 10, 12, 13, 14, 15, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 61, 62, 63, 64, 65, 67, 69, 70, 71, 72, 73, 74, 75, 76, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 96, 98, 99, 100, 102, 103, 104, 105, 106, 123, 131], "sp": 54, "space": [13, 15, 124], "spars": [10, 20, 54, 86, 116, 124], "spatial": 84, "spec": [29, 47, 54], "speci": [13, 15, 29, 41, 49, 50, 53, 55, 56, 71, 72, 73, 75, 81, 89, 94, 96, 105, 114, 115, 116, 118, 120, 127, 130, 132], "special": [13, 15, 123], "species_kei": [13, 15], "species_nam": 105, "species_set": [29, 41, 49, 53, 56, 81, 83, 116, 126], "speciesnod": [29, 41, 50, 53, 54, 55, 114, 116, 120, 132], "specif": [29, 47, 62, 114, 123, 125, 126], "specifi": [13, 15, 19, 22, 25, 26, 27, 29, 30, 31, 47, 99, 103, 105, 106, 112, 114, 119, 125, 126, 127, 130, 131, 132], "specifii": 28, "speed": [54, 128], "speedup": 124, "spend": 6, "split": [13, 14, 15, 17, 25, 61, 62, 105, 114], "split_": [13, 14, 15, 17, 61, 62], "split_indic": [13, 15], "split_mask": [13, 15], "split_nam": 25, "split_prefix": [13, 15], "split_siz": [13, 15], "split_the_rest": [0, 13, 15, 107], "split_typ": [13, 15], "splite": 114, "splitindic": [29, 41, 50], "sqrt": [73, 74], "squar": [78, 132], "stabil": [114, 120], "stage": [24, 45], "stai": 121, "standard": [28, 110, 119, 131], "standard_step_fn": [0, 19, 28], "standardstep": [0, 19, 28], "start": [29, 31, 47, 49, 114], "start_nod": 31, "state": [19, 21, 22, 25, 26, 27, 28, 29, 31, 33, 34, 35, 37, 38, 39, 40, 45, 48, 49, 53, 54, 55, 58, 67, 71, 72, 73, 76, 78, 79, 80, 81, 83, 86, 87, 88, 89, 90, 91, 93, 94, 106, 113, 119, 126], "state_dict": [0, 19, 21, 26, 27, 80, 106], "state_fil": 71, "state_fnam": 27, "static": [4, 28, 45, 78, 80, 98, 130], "staticimageperiodicpairindex": [77, 82, 88], "staticmethod": 28, "statist": [19, 20, 130], "statu": [63, 106], "std": [13, 15, 29, 41, 51], "std_fact": [13, 15], "std_factor": [13, 15], "stderr": 106, "stdout": 106, "step": [0, 13, 15, 19, 21, 26, 28, 45, 54, 84, 87, 88, 93, 94, 97, 98, 116, 119], "step_funct": [0, 19, 107], "stepfn": [0, 19, 28], "still": [19, 26, 119, 126, 132], "stop": [19, 20, 26, 109, 114], "stopping_kei": [0, 19, 21, 24, 25, 26, 107, 109, 114], "storag": [13, 15, 20, 39], "store": [13, 15, 17, 19, 20, 26, 39, 54, 61, 62, 64, 80, 84, 87, 88, 94, 114, 116, 119, 120, 127, 131], "store_all_bett": [19, 26, 69], "store_best": [19, 26, 69], "store_everi": [19, 26], "store_metr": [19, 26], "store_structure_fil": [19, 26], "str": [1, 13, 15, 19, 21, 22, 23, 24, 26, 27, 29, 30, 37, 39, 48, 55, 61, 62, 78, 94, 96, 99, 105], "strain": 89, "straininduc": [29, 41, 52], "stream": 106, "stress": [61, 62, 64, 108], "stressforc": [0, 77, 89], "stressforcenod": [29, 41, 55], "strict": [24, 123], "strictli": [13, 15, 45], "string": [13, 14, 15, 17, 19, 22, 25, 26, 29, 30, 31, 32, 49, 61, 62, 64, 78, 105, 106, 110, 115, 118, 119, 126, 130, 131], "strip": 126, "structur": [19, 26, 27, 29, 31, 32, 114, 125, 128], "structure_fil": 24, "structure_fnam": 27, "stuff": 114, "style": 28, "sub": [19, 26, 43], "sub_loc": 102, "subclass": [21, 29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 94, 96, 125], "subgraph": [29, 31], "sublcass": 44, "submodul": [60, 107], "subnod": [41, 42, 43], "subpackag": [107, 124, 125], "subplott": 103, "subsampl": [13, 15], "subset": 130, "subsquent": 116, "substitut": 123, "subtract": 43, "succe": 106, "successfulli": 24, "suffici": [73, 130], "suitabl": [61, 64, 126], "sum": [1, 10, 57, 61, 64, 81, 89, 91, 114, 124, 126], "sum_": 124, "sum_a": 89, "sum_i": 120, "sum_p": 124, "summer": 81, "super": 126, "superclass": 126, "suppli": [20, 96], "support": [13, 17, 24, 37, 39, 43, 45, 61, 64, 76, 108, 119, 120, 121, 124, 127, 128, 130, 131], "suppress": [21, 29, 32], "sure": 31, "surfac": 97, "surround": 116, "suspicious_devi": 10, "swap": [29, 31], "switch": [19, 26, 106, 124], "symbol": [67, 115], "symmetr": [10, 91], "symmmetr": 81, "syntax": [114, 126, 128], "sys_energi": 112, "sysmaxofatom": [0, 77, 81], "sysmaxofatomsnod": [29, 41, 49], "system": [13, 15, 37, 39, 57, 61, 64, 74, 84, 91, 94, 105, 108, 114, 116, 119, 120, 121, 124, 125, 126, 127, 132], "system_chang": [61, 64], "system_vari": 127, "t": [10, 13, 15, 18, 19, 20, 21, 26, 29, 31, 37, 38, 39, 45, 53, 61, 64, 96, 98, 114, 116, 118, 120, 122, 126, 131], "t_predicted_arrai": 118, "tabl": [25, 37, 39, 131], "table_evaluation_print": [0, 19, 25], "table_evaluation_print_bett": [0, 19, 25], "tag": [0, 29, 31, 41, 70, 126], "take": [1, 19, 20, 23, 26, 29, 32, 51, 58, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 108, 110, 111, 114, 126, 127], "taken": 92, "tandem": 125, "target": [0, 6, 13, 14, 15, 17, 19, 20, 22, 24, 29, 30, 31, 41, 43, 44, 46, 50, 51, 61, 62, 73, 77, 78, 102, 107, 110, 111, 114, 120, 126, 132], "target_all_v": 102, "target_method": [73, 74], "target_modul": 126, "technic": 131, "teed_file_output": [0, 106, 107], "tell": 114, "temperatur": 94, "temporarili": [45, 106], "temporary_par": [41, 42, 45], "tend": [114, 120], "tensor": [0, 7, 13, 15, 27, 29, 33, 37, 46, 51, 58, 78, 79, 80, 85, 89, 91, 94, 100, 105, 106, 116, 118, 119, 125, 126, 128], "tensor_nam": 15, "tensor_wrapp": [0, 1, 107], "tensordataset": 15, "term": [19, 20, 73, 75, 105, 114, 116, 132], "termin": [21, 106], "termination_pati": [21, 109], "test": [8, 10, 13, 14, 15, 17, 19, 21, 23, 25, 26, 61, 62, 63, 108, 114], "test_barebones_script": 114, "test_dataload": [0, 19, 24], "test_energy_predict": 114, "test_env_cupi": [0, 1, 107], "test_env_numba": [0, 1, 107], "test_env_triton": [0, 1, 107], "test_hier_predict": 114, "test_model": [0, 19, 26, 107], "test_output": 114, "test_siz": [13, 14, 15, 17, 61, 62, 114], "test_step": [0, 19, 24], "than": [1, 19, 25, 26, 29, 31, 47, 54, 84, 87, 88, 116, 119, 124, 130, 132], "thei": [10, 13, 15, 24, 29, 31, 37, 39, 45, 73, 96, 106, 120, 124, 126, 127, 132], "them": [1, 10, 19, 21, 26, 29, 32, 37, 39, 51, 54, 61, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 93, 96, 114, 118, 122, 124, 126, 128, 131, 132], "themselv": [39, 132], "theori": 123, "therebi": 124, "therefor": 89, "thi": [1, 7, 8, 10, 13, 14, 15, 17, 18, 19, 20, 21, 22, 23, 24, 26, 27, 28, 29, 31, 32, 37, 38, 39, 45, 47, 48, 49, 51, 53, 54, 55, 56, 57, 58, 60, 61, 62, 64, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 98, 105, 111, 114, 116, 117, 118, 119, 120, 123, 124, 125, 126, 127, 128, 130, 131, 132], "thing": [21, 81, 105, 114, 120, 126], "think": 128, "those": [1, 31, 81, 110, 114, 121, 124, 126], "though": [10, 45], "three": [114, 124, 131], "threshold": [21, 80], "threshold_mod": 21, "through": [8, 116], "throw": 126, "thu": [19, 20, 117, 119, 132], "ti": 132, "tild": 120, "time": [6, 19, 25, 26, 54, 62, 84, 87, 88, 114, 116, 120, 124], "timedsnippet": [0, 1, 10], "timeplot": [0, 101, 107], "timerhold": [0, 1, 10], "timestep": 94, "tinker": 122, "todo": 6, "togeth": 114, "tol": [61, 64], "toler": [61, 64], "too": [19, 20, 23, 114, 120], "tool": [0, 8, 45, 107, 114], "torch": [7, 8, 13, 15, 19, 20, 22, 24, 26, 27, 29, 51, 67, 89, 94, 96, 105, 108, 109, 114, 115, 118, 119, 125, 126], "torch_modul": [29, 41, 42, 43, 48, 51, 125, 126], "torch_tensor": 103, "torchneighbor": [77, 82, 84], "tort": 123, "total": [74, 79, 89, 91, 96, 132], "tqdm": [122, 131], "traceless": 55, "track": [25, 29, 37, 94, 114, 129], "tracker": [19, 26], "train": [13, 14, 15, 17, 19, 20, 21, 22, 23, 24, 25, 26, 27, 54, 61, 62, 64, 67, 84, 87, 88, 105, 109, 111, 113, 114, 115, 116, 117, 118, 120, 121, 122, 124, 125, 127, 129, 130, 131, 132], "train_dataload": [0, 19, 24], "train_loss": [19, 20, 116, 117], "train_model": [0, 19, 26, 107, 119], "trainable_aft": [105, 114], "training_log": 114, "training_loop": [0, 19, 26], "training_loss": [20, 120], "training_modul": [19, 20, 24, 26, 27, 69, 109, 114, 115, 116, 117, 119], "training_step": [0, 19, 24], "trainingmodul": [0, 19, 20, 24, 26, 27], "traj": 127, "transfer": 119, "transform": [0, 31, 33, 37, 38, 39, 49, 53, 54, 55, 77, 81, 107, 125], "transit": 111, "transpar": [131, 132], "transparent_plot": 131, "transpos": 127, "transpose_cel": 14, "treat": [13, 15, 45, 114, 131], "tree": [54, 84], "tri": [27, 131], "triad": 123, "triangular": 81, "tricki": [119, 128], "triclin": 116, "trim": [6, 13, 15], "trim_by_speci": [0, 13, 15, 107], "triton": [1, 122, 124, 131], "true": [1, 13, 14, 15, 17, 19, 20, 21, 24, 26, 27, 29, 31, 32, 41, 42, 44, 48, 51, 58, 59, 61, 62, 63, 64, 69, 91, 96, 103, 106, 114, 116, 117, 124, 128, 130, 131], "true_per_atom": 130, "truediv": 43, "try": [13, 15, 29, 31, 99], "tupl": [13, 14, 15, 17, 19, 20, 22, 26, 27, 29, 30, 37, 38, 39, 47, 48, 55, 59, 61, 62, 100, 106, 126], "tupletypemismatch": [41, 42, 45], "turn": [1, 124, 131], "two": [28, 37, 38, 39, 48, 89, 106, 114, 125, 126, 127, 130, 132], "twostep": [0, 19, 28], "twostep_step_fn": [0, 19, 28], "txt": [114, 122], "type": [10, 13, 15, 19, 22, 25, 26, 27, 29, 31, 37, 38, 39, 45, 47, 51, 58, 67, 71, 73, 74, 81, 94, 96, 124, 125, 127, 129, 131], "type_def": [0, 29, 37], "typedict": 7, "typeerror": [27, 119], "typic": [13, 15, 61, 62, 81, 110, 130, 132], "u": [23, 81, 123], "uint8": 7, "unambigu": 126, "unarynod": [41, 42, 43], "under": [19, 26, 54, 84, 97, 106, 123, 124, 131], "underli": [76, 114, 126], "understand": [24, 114, 120], "unifi": [67, 115], "union": [22, 27, 37, 39], "uniqu": [29, 31, 47, 126], "unit": [61, 63, 64, 67, 94, 108, 116, 129], "units_acc": 94, "units_forc": 94, "unless": 131, "unlik": [37, 38], "unnecessari": 6, "unpack": [36, 81], "unset": 131, "unspecifi": [108, 126], "unsplit": 105, "unsqueez": 106, "unsqueeze_multipl": [0, 106, 107], "unsupervis": 114, "until": [21, 31], "unus": [29, 31], "unweight": 120, "up": [26, 29, 53, 58, 109, 115, 123, 125, 129], "updat": [0, 93, 94, 98, 109, 131], "update_b": [0, 97, 98], "update_binv": [0, 97, 98], "update_scf_backward_ep": [60, 68, 69], "update_scf_ep": [60, 68, 69], "upshot": 116, "upto": 89, "us": [1, 2, 10, 13, 14, 15, 17, 18, 19, 20, 21, 22, 24, 25, 26, 27, 28, 29, 37, 38, 39, 45, 47, 48, 49, 53, 54, 55, 57, 58, 61, 62, 63, 64, 66, 67, 68, 74, 75, 76, 81, 84, 87, 88, 89, 93, 94, 96, 98, 99, 103, 105, 106, 108, 109, 110, 111, 113, 114, 115, 116, 118, 119, 120, 121, 123, 124, 125, 126, 127, 128, 130, 131, 132], "usag": [20, 45, 60, 74, 105, 111, 122], "use_custom_kernel": 131, "use_larg": 10, "user": [13, 15, 27, 29, 37, 38, 58, 116, 119, 121, 126, 131], "usual": [10, 106, 126, 130, 132], "util": [0, 1, 97, 107, 124], "utilz": 127, "v": [105, 124], "val_dataload": [0, 19, 24], "valid": [13, 15, 19, 20, 23, 26, 31, 114, 119, 120, 130], "valid_s": [13, 14, 15, 17, 61, 62, 114], "validation_loss": [19, 20, 114, 116, 117, 120], "validation_nam": [19, 20], "validation_step": [0, 19, 24], "valu": [13, 15, 20, 23, 25, 29, 31, 37, 38, 39, 40, 43, 51, 54, 64, 78, 81, 83, 84, 86, 87, 88, 94, 96, 105, 106, 114, 116, 118, 119, 120, 126, 128, 130, 131, 132], "value_nam": 94, "valueerror": [37, 38], "valuemod": [0, 77, 78], "valuenod": [41, 42, 43], "vanilla": 96, "var": [29, 41, 51, 73], "var_list": [0, 13, 15, 19, 23, 107], "variabl": [0, 13, 15, 17, 21, 25, 57, 61, 62, 93, 94, 105, 116, 119, 124, 127, 131], "variable_shap": 127, "variableupdat": [0, 93, 94], "variou": [24, 28, 113, 132], "vecmag": [0, 29, 41, 55, 77, 89], "vector": [13, 15, 48, 49, 55, 62, 79, 81, 111, 127], "vector_featur": 89, "veloc": 94, "velocityverlet": [0, 93, 94], "verbos": [21, 130, 131], "veri": [116, 124, 129, 132], "verifi": 10, "verlet": 94, "version": [7, 98, 110, 111, 120, 124, 126, 127], "via": [13, 49, 81, 115], "via_numpi": [0, 1, 8], "view": 130, "virtual": 73, "visual": [59, 122], "visualize_connected_nod": [0, 29, 59], "visualize_graph_modul": [0, 29, 59], "visualize_node_set": [0, 29, 59], "viz": [0, 29, 107], "vmax": [49, 81], "vmin": [49, 81], "volum": 94, "w": 120, "w_i": 120, "wa": [18, 67, 119, 123], "wai": [10, 19, 26, 49, 111, 112, 114, 123, 126, 132], "want": [19, 26, 29, 37, 38, 39, 58, 106, 114, 118, 119, 122, 126, 128, 132], "warn": [20, 131], "warn_if_und": [0, 77, 80], "warn_low_dist": [80, 131], "warranti": 123, "wast": 124, "wb97x": 73, "we": [10, 22, 29, 31, 80, 89, 98, 109, 111, 114, 116, 118, 120, 121, 124, 126, 127, 128, 129, 130], "weight": [51, 89, 105, 113, 132], "weighted_mae_energi": 120, "weighted_mse_energi": 120, "weighted_mse_target": 120, "weightedmaeloss": [0, 29, 41, 51, 77, 78, 120], "weightedmseloss": [0, 29, 41, 51, 77, 78, 120], "well": [67, 116, 119, 126, 127], "what": [13, 15, 19, 20, 25, 26, 93, 96, 108, 114, 120, 124, 125, 126, 130, 132], "whatev": [23, 73, 108], "whatsoev": 126, "when": [13, 15, 19, 23, 25, 26, 28, 80, 81, 102, 109, 111, 114, 116, 120, 125, 126, 128, 131, 132], "whenev": 24, "where": [13, 15, 17, 19, 20, 26, 29, 31, 58, 61, 62, 86, 99, 105, 106, 110, 114, 116, 124, 125, 126], "wherea": 124, "whether": [13, 15, 25, 26, 29, 30, 96, 99, 112, 123, 124, 125, 131], "which": [10, 13, 15, 21, 28, 29, 30, 31, 37, 39, 49, 58, 73, 76, 79, 92, 93, 94, 99, 106, 108, 110, 111, 114, 115, 116, 119, 120, 121, 123, 124, 126, 127, 131, 132], "while": [13, 14, 15, 17, 29, 32, 51, 54, 61, 62, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 116], "whole": [13, 15, 114], "wholesal": 119, "whose": [23, 29, 31, 115, 125, 132], "why_desc": [29, 47, 126], "width": [96, 114], "wise": 78, "wish": [19, 26, 120, 122, 130], "within": [28, 29, 32, 51, 67, 71, 72, 73, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 96, 116, 121, 125], "without": [18, 21, 118, 123, 127, 128], "wolfscreen": [0, 77, 89], "won": [26, 37, 39], "word": [51, 106], "work": [1, 10, 18, 27, 80, 81, 106, 114, 119, 123, 126, 129, 131, 132], "workflow": 113, "worldwid": 123, "would": [10, 19, 20, 23, 26, 96, 110, 115, 117, 120, 122, 126], "wrap": [2, 22, 43, 61, 64, 76, 92, 116, 125, 127], "wrap_as_nod": [41, 42, 43], "wrap_envop": [0, 1, 2], "wrap_output": [0, 29, 58, 107], "wrap_points_np": [77, 82, 84], "wrappedenvsum": [0, 1, 3, 4], "wrappedfeatsum": [0, 1, 3, 4], "wrappedsensesum": [0, 1, 3, 4], "wrapper": [92, 131], "write": [0, 13, 15, 67, 106, 107, 124, 128], "write_h5": [0, 13, 15, 107], "write_npz": [0, 13, 14, 15, 17, 61, 62, 107], "written": [123, 128], "wrong": 131, "wt": 114, "x": [62, 70], "x64": 24, "x_val": 103, "x_var": 103, "xaca": 10, "xij": 75, "xlabel": 103, "xx": 81, "xy": 81, "xyz": [13, 61, 62, 127], "xz": 81, "y": [62, 120], "y_i": 120, "y_val": 103, "y_var": 103, "ye": 131, "yet": [24, 127], "yield": [37, 39, 106], "ylabel": 103, "you": [18, 19, 20, 26, 27, 29, 31, 32, 37, 38, 39, 58, 60, 78, 80, 106, 108, 112, 114, 115, 116, 117, 118, 119, 120, 121, 122, 124, 126, 127, 128, 132], "your": [18, 19, 20, 24, 26, 29, 31, 32, 61, 64, 67, 78, 80, 108, 116, 119, 121, 124, 126, 127, 129, 132], "yourself": 126, "yx": 81, "yy": 81, "yz": 81, "z": [62, 75, 81, 105, 114, 118, 120, 124, 132], "z_": 124, "z_arr": 76, "z_arrai": 118, "z_data": 96, "zero": [10, 54, 84, 87, 88, 105, 116, 120], "zhang": 97, "zx": 81, "zy": 81, "zz": 81, "\u03b4e": [48, 79, 111]}, "titles": ["hippynn package", "hippynn.custom_kernels package", "hippynn.custom_kernels.autograd_wrapper module", "hippynn.custom_kernels.env_cupy module", "hippynn.custom_kernels.env_numba module", "hippynn.custom_kernels.env_pytorch module", "hippynn.custom_kernels.env_triton module", "hippynn.custom_kernels.fast_convert module", "hippynn.custom_kernels.tensor_wrapper module", "hippynn.custom_kernels.test_env_cupy module", "hippynn.custom_kernels.test_env_numba module", "hippynn.custom_kernels.test_env_triton module", "hippynn.custom_kernels.utils module", "hippynn.databases package", "hippynn.databases.SNAPJson module", "hippynn.databases.database module", "hippynn.databases.h5_pyanitools module", "hippynn.databases.ondisk module", "hippynn.databases.restarter module", "hippynn.experiment package", "hippynn.experiment.assembly module", "hippynn.experiment.controllers module", "hippynn.experiment.device module", "hippynn.experiment.evaluator module", "hippynn.experiment.lightning_trainer module", "hippynn.experiment.metric_tracker module", "hippynn.experiment.routines module", "hippynn.experiment.serialization module", "hippynn.experiment.step_functions module", "hippynn.graphs package", "hippynn.graphs.ensemble module", "hippynn.graphs.gops module", "hippynn.graphs.graph module", "hippynn.graphs.indextransformers package", "hippynn.graphs.indextransformers.atoms module", "hippynn.graphs.indextransformers.pairs module", "hippynn.graphs.indextransformers.tensors module", "hippynn.graphs.indextypes package", "hippynn.graphs.indextypes.reduce_funcs module", "hippynn.graphs.indextypes.registry module", "hippynn.graphs.indextypes.type_def module", "hippynn.graphs.nodes package", "hippynn.graphs.nodes.base package", "hippynn.graphs.nodes.base.algebra module", "hippynn.graphs.nodes.base.base module", "hippynn.graphs.nodes.base.definition_helpers module", "hippynn.graphs.nodes.base.multi module", "hippynn.graphs.nodes.base.node_functions module", "hippynn.graphs.nodes.excited module", "hippynn.graphs.nodes.indexers module", "hippynn.graphs.nodes.inputs module", "hippynn.graphs.nodes.loss module", "hippynn.graphs.nodes.misc module", "hippynn.graphs.nodes.networks module", "hippynn.graphs.nodes.pairs module", "hippynn.graphs.nodes.physics module", "hippynn.graphs.nodes.tags module", "hippynn.graphs.nodes.targets module", "hippynn.graphs.predictor module", "hippynn.graphs.viz module", "hippynn.interfaces package", "hippynn.interfaces.ase_interface package", "hippynn.interfaces.ase_interface.ase_database module", "hippynn.interfaces.ase_interface.ase_unittests module", "hippynn.interfaces.ase_interface.calculator module", "hippynn.interfaces.ase_interface.pairfinder module", "hippynn.interfaces.lammps_interface package", "hippynn.interfaces.lammps_interface.mliap_interface module", "hippynn.interfaces.pyseqm_interface package", "hippynn.interfaces.pyseqm_interface.callback module", "hippynn.interfaces.pyseqm_interface.check module", "hippynn.interfaces.pyseqm_interface.gen_par module", "hippynn.interfaces.pyseqm_interface.mlseqm module", "hippynn.interfaces.pyseqm_interface.seqm_modules module", "hippynn.interfaces.pyseqm_interface.seqm_nodes module", "hippynn.interfaces.pyseqm_interface.seqm_one module", "hippynn.interfaces.schnetpack_interface package", "hippynn.layers package", "hippynn.layers.algebra module", "hippynn.layers.excited module", "hippynn.layers.hiplayers module", "hippynn.layers.indexers module", "hippynn.layers.pairs package", "hippynn.layers.pairs.analysis module", "hippynn.layers.pairs.dispatch module", "hippynn.layers.pairs.filters module", "hippynn.layers.pairs.indexing module", "hippynn.layers.pairs.open module", "hippynn.layers.pairs.periodic module", "hippynn.layers.physics module", "hippynn.layers.regularization module", "hippynn.layers.targets module", "hippynn.layers.transform module", "hippynn.molecular_dynamics package", "hippynn.molecular_dynamics.md module", "hippynn.networks package", "hippynn.networks.hipnn module", "hippynn.optimizer package", "hippynn.optimizer.algorithms module", "hippynn.optimizer.batch_optimizer module", "hippynn.optimizer.utils module", "hippynn.plotting package", "hippynn.plotting.plotmaker module", "hippynn.plotting.plotters module", "hippynn.plotting.timeplots module", "hippynn.pretraining module", "hippynn.tools module", "hippynn", "ASE Calculators", "Controller", "Ensembling Models", "Non-Adiabiatic Excited States", "Force Training", "Examples", "Minimal Workflow", "LAMMPS interface", "Periodic Boundary Conditions", "Plotting", "Predictor", "Restarting training", "Weighted/Masked Loss Functions", "Welcome to hippynn\u2019s documentation!", "Installation", "License", "Custom Kernels", "hippynn Concepts", "Creating Custom Node Types", "Databases", "hippynn Features", "User Guide", "Model and Loss Graphs", "Library Settings", "Units in hippynn"], "titleterms": {"": [116, 121], "A": 126, "ASE": [108, 127], "The": 126, "ad": 126, "adiabiat": 111, "advanc": 119, "algebra": [43, 78], "algorithm": 98, "analysi": 83, "api": 128, "ase_databas": 62, "ase_interfac": [61, 62, 63, 64, 65], "ase_unittest": 63, "assembli": 20, "atom": 34, "atomist": 128, "autograd_wrapp": 2, "base": [42, 43, 44, 45, 46, 47], "basic": 126, "batch_optim": 99, "bottom": 124, "boundari": 116, "cach": 116, "calcul": [64, 108], "callback": 69, "check": 70, "compon": 128, "comput": 116, "concept": 125, "conda": 122, "condit": 116, "constraint": 126, "construct": 128, "content": [121, 129], "control": [21, 109], "creat": 126, "cross": 119, "custom": [124, 126, 128], "custom_kernel": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "databas": [13, 14, 15, 16, 17, 18, 127], "definition_help": 45, "depend": 122, "detail": [119, 124], "devic": [22, 119], "dispatch": 84, "document": 121, "dynam": 116, "ensembl": [30, 110], "env_cupi": 3, "env_numba": 4, "env_pytorch": 5, "env_triton": 6, "evalu": 23, "exampl": 113, "excit": [48, 79, 111], "execut": 128, "expans": 126, "experi": [19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 125, 128], "explan": 124, "fast": 128, "fast_convert": 7, "featur": 128, "filter": 85, "finder": 116, "flexibl": 128, "forc": 112, "from": [122, 128], "front": 124, "function": 120, "gen_par": 71, "gop": 31, "graph": [29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 125, 128, 130], "guid": 129, "h5_pyanitool": 16, "handl": 127, "hiplay": 80, "hipnn": 96, "hippynn": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 121, 125, 128, 131, 132], "i": 121, "index": [49, 81, 86], "indextransform": [33, 34, 35, 36], "indextyp": [37, 38, 39, 40], "indic": 121, "input": 50, "instal": 122, "instruct": 122, "interfac": [60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 115, 128], "kernel": [124, 128], "lammp": 115, "lammps_interfac": [66, 67], "layer": [77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 125, 128], "level": 128, "librari": 131, "licens": 123, "lightning_train": 24, "line": 124, "loss": [51, 120, 130], "mask": 120, "md": 94, "memori": 116, "metric_track": 25, "minim": 114, "misc": 52, "mliap_interfac": 67, "mlseqm": 72, "model": [110, 128, 130], "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 28, 30, 31, 32, 34, 35, 36, 38, 39, 40, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 62, 63, 64, 65, 67, 69, 70, 71, 72, 73, 74, 75, 78, 79, 80, 81, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 96, 98, 99, 100, 102, 103, 104, 105, 106], "modular": 128, "molecular_dynam": [93, 94], "multi": 46, "multinod": 126, "network": [53, 95, 96, 125], "node": [41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 125, 126], "node_funct": 47, "non": 111, "note": 122, "object": 127, "ondisk": 17, "open": 87, "oper": 128, "optim": [97, 98, 99, 100], "packag": [0, 1, 13, 19, 29, 33, 37, 41, 42, 60, 61, 66, 68, 76, 77, 82, 93, 95, 97, 101], "pair": [35, 54, 82, 83, 84, 85, 86, 87, 88, 116], "pairfind": 65, "parent": 126, "period": [88, 116], "physic": [55, 89], "pip": 122, "plot": [101, 102, 103, 104, 117, 128], "plotmak": 102, "plotter": 103, "possibl": 126, "pre": 116, "predictor": [58, 118], "pretrain": 105, "pyseqm_interfac": [68, 69, 70, 71, 72, 73, 74, 75], "pytorch": 128, "reduce_func": 38, "registri": 39, "regular": 90, "requir": 122, "restart": [18, 119], "routin": 26, "schnetpack_interfac": 76, "seqm_modul": 73, "seqm_nod": 74, "seqm_on": 75, "serial": 27, "set": [128, 131], "simpl": [119, 128], "snapjson": 14, "sourc": 122, "state": 111, "step_funct": 28, "submodul": [0, 1, 13, 19, 29, 33, 37, 41, 42, 61, 66, 68, 77, 82, 93, 95, 97, 101], "subpackag": [0, 29, 41, 60, 77], "summari": 131, "support": 116, "tabl": 121, "tag": 56, "target": [57, 91], "tensor": 36, "tensor_wrapp": 8, "test_env_cupi": 9, "test_env_numba": 10, "test_env_triton": 11, "timeplot": 104, "tool": 106, "track": 128, "train": [112, 119, 128], "transform": 92, "type": 126, "type_def": 40, "unit": 132, "up": 124, "us": 122, "user": 129, "util": [12, 100], "veri": 126, "viz": 59, "weight": 120, "welcom": 121, "what": [116, 121], "workflow": 114, "yet": 116, "your": 128}})
\ No newline at end of file
diff --git a/user_guide/settings.html b/user_guide/settings.html
index c30d3020..edc101c3 100644
--- a/user_guide/settings.html
+++ b/user_guide/settings.html
@@ -129,7 +129,7 @@ Library SettingsPROGRESS
Progress bars function during training, evaluation, and prediction
-tqdm, none
+tqdm, none, or floating point string specifying default update rate in seconds (default 1).
tqdm
Yes, but assign this to a generator-wrapper such as tqdm.tqdm
, or with a python None
to disable. The wrapper must accept tqdm
arguments, although it technically doesn’t have to do anything with them.