Home
last modified time | relevance | path

Searched defs:optim (Results 1 – 25 of 66) sorted by relevance

123

/aosp_15_r20/external/pytorch/torch/distributed/checkpoint/examples/
H A Dstateful_example.py42 def _make_stateful(model, optim): argument
47 def _train(model, optim, train_steps=1): argument
/aosp_15_r20/external/pytorch/test/
H A Dtest_optim.py346 def closure(optim, w, b, i): argument
1359 def fwd_bwd(optim, w, b, i): argument
1435 def fwd_bwd(optim, mod, i): argument
1480 def fwd_bwd(optim, w, b, i): argument
/aosp_15_r20/external/pytorch/test/distributed/tensor/parallel/
H A Dtest_tp_examples.py57 optim: Optional[Dict] = None variable in ExpCommCounts
252 def _validate_optim_step( argument
/aosp_15_r20/external/pytorch/torch/csrc/api/src/optim/schedulers/
H A Dstep_lr.cpp4 namespace optim { namespace
H A Dlr_scheduler.cpp5 namespace optim { namespace
H A Dreduce_on_plateau_scheduler.cpp6 namespace optim { namespace
/aosp_15_r20/external/pytorch/torch/distributed/optim/
H A Dutils.py32 def register_functional_optim(key, optim): argument
/aosp_15_r20/external/libcups/config-scripts/
H A Dcups-compiler.m415 AC_ARG_WITH(optim, [ --with-optim set optimization flags ], optwith
/aosp_15_r20/external/pytorch/test/distributed/_shard/sharded_optim/
H A Dtest_sharded_optim.py6 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/torch/csrc/api/src/optim/
H A Dserialize.cpp13 namespace optim { namespace
H A Dsgd.cpp15 namespace optim { namespace
H A Drmsprop.cpp13 namespace optim { namespace
/aosp_15_r20/external/pytorch/torch/distributed/_shard/sharded_optim/
H A Dapi.py4 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/functorch/examples/maml_omniglot/
H A Dmaml-omniglot-higher.py42 import torch.optim as optim namespace
H A Dmaml-omniglot-ptonly.py41 import torch.optim as optim namespace
H A Dmaml-omniglot-transforms.py42 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/functorch/examples/dp_cifar10/
H A Dcifar10_opacus.py23 import torch.optim as optim namespace
H A Dcifar10_transforms.py22 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/torch/csrc/lazy/
H A Dtest_mnist.py13 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/functorch/examples/compilation/
H A Dlinear_train.py60 optim = torch.optim.SGD( variable
/aosp_15_r20/external/tensorflow/tensorflow/tools/consistency_integration_test/
H A Dkeras_integration_tests.py152 def train_one_step(a, x, y, optim): argument
/aosp_15_r20/external/pytorch/test/distributed/fsdp/
H A Dtest_fsdp_memory.py7 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/benchmarks/distributed/rpc/rl/
H A Dagent.py10 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/
H A Dnumeric_utils.py11 import torch.optim as optim namespace
/aosp_15_r20/external/pytorch/test/distributed/_tensor/
H A Dtest_optimizers.py51 def _assert_optimizer( argument

123