Home
last modified time | relevance | path

Searched defs:training (Results 1 – 25 of 96) sorted by relevance

1234

/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_modules.py268 def module_inputs_torch_nn_Linear(module_info, device, dtype, requires_grad, training, **kwargs): argument
288 def module_inputs_torch_nn_Bilinear(module_info, device, dtype, requires_grad, training, **kwargs): argument
317 def module_inputs_torch_nn_KLDivLoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
354 def module_inputs_torch_nn_NLLLoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
421 def module_inputs_torch_nn_GaussianNLLLoss(module_info, device, dtype, requires_grad, training, **k… argument
446 def module_inputs_torch_nn_PoissonNLLLoss(module_info, device, dtype, requires_grad, training, **kw… argument
494 def module_inputs_torch_nn_MSELoss(module_info, device, dtype, requires_grad, training, **kwargs): argument
669 def module_inputs_torch_nn_AvgPool1d(module_info, device, dtype, requires_grad, training, **kwargs): argument
687 def module_inputs_torch_nn_AvgPool2d(module_info, device, dtype, requires_grad, training, **kwargs): argument
715 def module_inputs_torch_nn_AvgPool3d(module_info, device, dtype, requires_grad, training, **kwargs): argument
[all …]
/aosp_15_r20/external/pytorch/test/
H A Dtest_modules.py48 def test_forward(self, device, dtype, module_info, training): argument
87 def test_factory_kwargs(self, device, dtype, module_info, training): argument
144 def test_multiple_device_transfer(self, device, dtype, module_info, training): argument
199 def test_repr(self, device, dtype, module_info, training): argument
215 def test_save_load(self, device, dtype, module_info, training): argument
261 def test_check_inplace(self, device, dtype, module_info, training): argument
344 def test_non_contiguous_tensors(self, device, dtype, module_info, training): argument
437 def _test_gradients_helper(self, device, dtype, module_info, training, check): argument
515 def test_grad(self, device, dtype, module_info, training): argument
520 def test_gradgrad(self, device, dtype, module_info, training): argument
[all …]
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/
H A Ddropout.h14 inline Tensor dropout(Tensor input, double p, bool training, bool inplace) { in dropout()
55 bool training, in _dropoutNd_helper()
90 inline Tensor dropout2d(Tensor input, double p, bool training, bool inplace) { in dropout2d()
122 inline Tensor dropout3d(Tensor input, double p, bool training, bool inplace) { in dropout3d()
157 bool training, in alpha_dropout()
198 bool training, in feature_alpha_dropout()
/aosp_15_r20/external/pytorch/benchmarks/operator_benchmark/pt/
H A Dbatchnorm_test.py54 def init(self, M, N, K, device, training, cudnn): argument
68 def forward(self, input_one, mean, var, weight, bias, training, cudnn): argument
107 def init(self, N, C, device, training, cudnn): argument
119 def forward(self, input_one, mean, var, weight, bias, training, cudnn): argument
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/
H A Drecurrent.py130 def call(self, inputs, states, constants=None, training=None, **kwargs): argument
730 training=None, argument
1160 def _create_dropout_mask(self, inputs, training, count=1): argument
1167 def _create_recurrent_dropout_mask(self, inputs, training, count=1): argument
1174 def get_dropout_mask_for_cell(self, inputs, training, count=1): argument
1195 def get_recurrent_dropout_mask_for_cell(self, inputs, training, count=1): argument
1376 def call(self, inputs, states, training=None): argument
1586 def call(self, inputs, mask=None, training=None, initial_state=None): argument
1835 def call(self, inputs, states, training=None): argument
2128 def call(self, inputs, mask=None, training=None, initial_state=None): argument
[all …]
H A Dconvolutional_recurrent.py294 training=None, argument
587 def call(self, inputs, states, training=None): argument
903 def call(self, inputs, mask=None, training=None, initial_state=None): argument
H A Ddense_attention.py95 def _apply_scores(self, scores, value, scores_mask=None, training=None): argument
145 training=None, argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/
H A DBatchNorm.cpp25 bool training, in cudnn_batch_norm()
46 bool training) { in _get_cudnn_batch_norm_reserve_space_size()
86 bool training, in getCudnnBatchNormMode()
108 bool training) { in _get_cudnn_batch_norm_reserve_space_size()
127 bool training, in cudnn_batch_norm()
/aosp_15_r20/external/tensorflow/tensorflow/lite/g3doc/microcontrollers/
H A Dbuild_convert.md65 ### Model size
79 ### Workload
87 ### Operation support
/aosp_15_r20/external/executorch/kernels/test/
H A Dop_native_batch_norm_test.cpp58 bool training, in op_native_batch_norm_legit_out()
88 bool training, in op_native_batch_norm_legit_no_stats_out()
944 bool training = false; in TEST_F() local
989 bool training = true; in TEST_F() local
1030 bool training = true; in TEST_F() local
1066 bool training = true; in TEST_F() local
/aosp_15_r20/external/coreboot/Documentation/northbridge/intel/sandybridge/
H A Dnri.md64 ### SMBIOS type 17
97 ### MRC cache
112 ### Error handling
/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_fused_attention.py352 def sfdp_pattern_6(query, key, value, training): argument
373 def sfdp_pattern_7(query, key, value, training): argument
441 def sfdp_pattern_9(query, key, value, training): argument
751 query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, training argument
788 query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, training argument
822 query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, training argument
920 training, argument
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/parallel_for/
H A Dgradients_test.py238 def __call__(self, inputs, training): argument
260 def create_mnist_autobatch(batch_size, data_format, training): argument
276 def create_mnist_per_eg_grad(batch_size, data_format, training): argument
299 def create_mnist_batch_jacobian(batch_size, data_format, training): argument
309 def create_mnist_per_eg_jacobian(batch_size, data_format, training): argument
/aosp_15_r20/external/tensorflow/tensorflow/python/eager/benchmarks/resnet50/
H A Dresnet50.py69 def call(self, input_tensor, training=False): argument
144 def call(self, input_tensor, training=False): argument
293 def call(self, inputs, training=True, intermediates_dict=None): argument
/aosp_15_r20/out/soong/.intermediates/packages/modules/OnDevicePersonalization/federatedcompute/apk/FederatedCompute/android_common_apex33/javac/
DFederatedCompute.jarMETA-INF/ META-INF/MANIFEST.MF com/ com/android/ com/ ...
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DActivation.cpp612 bool training, in rrelu_with_noise_out_cpu()
635 bool training, in rrelu_with_noise_cpu()
647 bool training, in rrelu_with_noise_cpu_()
659 bool training, in rrelu_with_noise_backward()
671 Tensor rrelu(const Tensor & self, const Scalar& lower, const Scalar& upper, bool training, std::opt… in rrelu()
676 Tensor & rrelu_(Tensor & self, const Scalar& lower, const Scalar& upper, bool training, std::option… in rrelu_()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DRreluWithNoise.cu145 bool training, in rrelu_with_noise_out_cuda()
179 bool training, in rrelu_with_noise_cuda()
190 bool training, in rrelu_with_noise_cuda_()
/aosp_15_r20/external/tensorflow/tensorflow/python/saved_model/
H A Dload_test.py385 def func(x, training=False): argument
493 def func(x, training=True): argument
526 def func(x, training=True): argument
607 def func(x, training=False, abc=7.1, defg=7.7): argument
631 def func(x, training=False, **options): argument
660 def f(self, x, training=False): argument
1006 def func(x, training=False): argument
1498 def func(a=1, b=2, c=3, training=True): argument
1601 def f(x=3, training=True, y=7): argument
2318 def __call__(self, inputs, training=False): argument
/aosp_15_r20/external/libopus/dnn/training_tf2/
H A Drdovae.py201 …, nb_bits=17, bunch=4, nb_quant=40, batch_size=128, cond_size=128, cond_size2=256, training=False): argument
236 …, nb_bits=17, bunch=4, nb_quant=40, batch_size=128, cond_size=128, cond_size2=256, training=False): argument
309 …, nb_bits=17, bunch=4, nb_quant=40, batch_size=128, cond_size=128, cond_size2=256, training=False): argument
/aosp_15_r20/external/pytorch/torch/onnx/
H A Dutils.py753 def _decide_constant_folding(do_constant_folding, operator_export_type, training): argument
1085 training=_C_onnx.TrainingMode.EVAL, argument
1214 training=_C_onnx.TrainingMode.EVAL, argument
1466 training=_C_onnx.TrainingMode.EVAL, argument
/aosp_15_r20/external/pytorch/torch/nn/
H A Dcpp.py81 def training(self): member in ModuleWrapper
85 def training(self, mode): member in ModuleWrapper
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/
H A Dtraining_eager_v1.py86 training=False): argument
225 training=False): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DBatchRulesNorm.cpp52 bool training, double momentum, double eps) { in batch_norm_batch_rule()
134 bool training, double eps) { in batch_norm_backward_no_weight_bias_batch_rule()
207 bool training, in batch_norm_backward_plumbing()
825 bool training, in cudnn_batch_norm_backward_wrapper()
841 bool training, in miopen_batch_norm_backward_wrapper()
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/saving/saved_model/
H A Dutils.py161 def replace_training_and_call(training): argument
230 def set_training_arg(training, index, args, kwargs): argument
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/
H A Dcore.py226 def call(self, inputs, training=False): argument
236 training=False, argument

1234