/external/pytorch/torch/testing/_internal/ |
D | common_modules.py | 268 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 …]
|
/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
D | dropout.h | 14 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()
|
D | batchnorm.h | 19 bool training, in batch_norm()
|
/external/pytorch/test/ |
D | test_modules.py | 48 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 …]
|
/external/tensorflow/tensorflow/lite/g3doc/microcontrollers/ |
D | build_convert.md | 65 ### Model size 79 ### Workload 87 ### Operation support
|
/external/coreboot/Documentation/northbridge/intel/sandybridge/ |
D | nri.md | 64 ### SMBIOS type 17 97 ### MRC cache 112 ### Error handling
|
/external/pytorch/benchmarks/operator_benchmark/pt/ |
D | batchnorm_test.py | 54 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
|
/external/tensorflow/tensorflow/python/eager/benchmarks/resnet50/ |
D | resnet50.py | 69 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
|
/external/pytorch/aten/src/ATen/native/cudnn/ |
D | BatchNorm.cpp | 25 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()
|
/external/pytorch/torch/nn/ |
D | cpp.py | 81 def training(self): member in ModuleWrapper 85 def training(self, mode): member in ModuleWrapper
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | training_eager_v1.py | 86 training=False): argument 225 training=False): argument
|
/external/pytorch/aten/src/ATen/native/cuda/ |
D | RreluWithNoise.cu | 145 bool training, in rrelu_with_noise_out_cuda() 179 bool training, in rrelu_with_noise_cuda() 190 bool training, in rrelu_with_noise_cuda_()
|
/external/libopus/dnn/training_tf2/ |
D | rdovae.py | 201 …, 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
|
D | uniform_noise.py | 61 def call(self, inputs, training=None): argument
|
/external/executorch/kernels/test/ |
D | op_native_batch_norm_test.cpp | 58 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
|
/external/tensorflow/tensorflow/python/ops/parallel_for/ |
D | gradients_test.py | 238 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
|
/external/tensorflow/tensorflow/python/keras/saving/saved_model/ |
D | utils.py | 161 def replace_training_and_call(training): argument 230 def set_training_arg(training, index, args, kwargs): argument
|
/external/tensorflow/tensorflow/python/tpu/tests/ |
D | tpu_embedding_v2_correctness_base_test.py | 28 def _test_embedding(self, optimizer_name, training, sparse, argument
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | recurrent.py | 130 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 …]
|
D | dense_attention.py | 95 def _apply_scores(self, scores, value, scores_mask=None, training=None): argument 145 training=None, argument
|
/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/ |
D | core.py | 226 def call(self, inputs, training=False): argument 236 training=False, argument
|
/external/pytorch/test/inductor/ |
D | test_fused_attention.py | 352 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
|
/external/pytorch/aten/src/ATen/native/quantized/cpu/ |
D | qdropout.cpp | 13 …const Tensor& qx, double output_scale, int64_t output_zero_point, const Scalar& p, bool training) { in quantized_dropout()
|
/external/pytorch/torch/onnx/ |
D | _experimental.py | 18 training: _C_onnx.TrainingMode = _C_onnx.TrainingMode.EVAL variable in ExportOptions
|
/external/tensorflow/tensorflow/core/tpu/graph_rewrite/ |
D | update_tpu_embedding_ops_passes.cc | 197 Status UpdateTPUEmbeddingModePass::UpdateGraphEnqueueOp(bool training, in UpdateGraphEnqueueOp() 243 int enqueue, bool training, FunctionDef* function, bool* updated) { in UpdateFunctionDefEnqueueOp()
|