Home
last modified time | relevance | path

Searched defs:is_training (Results 1 – 25 of 36) sorted by relevance

12

/external/tensorflow/tensorflow/examples/speech_commands/
Dmodels.py92 is_training, runtime_settings=None): argument
160 def create_single_fc_model(fingerprint_input, model_settings, is_training): argument
203 def create_conv_model(fingerprint_input, model_settings, is_training): argument
330 is_training): argument
459 is_training, runtime_settings): argument
669 def create_tiny_conv_model(fingerprint_input, model_settings, is_training): argument
762 is_training): argument
/external/tensorflow/tensorflow/core/kernels/mkl/
Dmkl_fused_batch_norm_op_test.cc81 const bool is_training, const GraphRunner& run, in VerifyTensorsClose()
226 const bool is_training) { in VerifyFusedBatchNorm()
232 Tensor* batch_mean, Tensor* batch_var) { in VerifyFusedBatchNorm()
278 Tensor* batch_mean, Tensor* batch_var) { in VerifyFusedBatchNorm()
482 const bool is_training = true; in TYPED_TEST_P() local
488 const bool is_training = true; in TYPED_TEST_P() local
494 const bool is_training = false; in TYPED_TEST_P() local
500 const bool is_training = false; in TYPED_TEST_P() local
/external/tensorflow/tensorflow/core/kernels/
Dfused_batch_norm_ex_op_test.cc140 const TensorFormat data_format, bool is_training, in RunFusedBatchNorm()
228 const TensorFormat data_format, bool is_training, in RunFusedBatchNormEx()
358 TensorFormat data_format, bool is_training, in VerifyTensorsNear()
449 TensorFormat data_format, bool is_training, in VerifyFusedBatchNormEx()
572 TensorFormat data_format, bool is_training, in FusedBatchNormEx()
Dfused_batch_norm_op_test.cc225 bool is_training, in FusedBatchNormInference()
261 static Graph* FusedBatchNormGrad(int n, int h, int w, int c, bool is_training, in FusedBatchNormGrad()
Dcudnn_rnn_ops.cc155 bool has_dropout, bool is_training, RnnMode rnn_mode, in CudnnRnnParameters()
795 const bool is_training, in DoForward()
1581 bool is_training() const { return is_training_; } in is_training() function in tensorflow::CudnnRNNForwardOp
/external/pytorch/torch/ao/quantization/fx/
Dpattern_utils.py67 is_training, argument
/external/pytorch/torch/csrc/jit/passes/
Dremove_dropout.cpp16 const bool is_training = val.toBool(); in isDropoutRemovable() local
/external/pytorch/benchmarks/dynamo/
Dtimm_models.py349 def pick_grad(self, name, is_training): argument
358 def get_tolerance_and_cosine_flag(self, is_training, current_device, name): argument
Dhuggingface.py485 def pick_grad(self, name, is_training): argument
491 def get_tolerance_and_cosine_flag(self, is_training, current_device, name): argument
Dtorchbench.py399 def pick_grad(self, name, is_training): argument
408 def get_tolerance_and_cosine_flag(self, is_training, current_device, name): argument
/external/tensorflow/tensorflow/python/ops/
Dnn_fused_batchnorm_test.py230 is_training=True): argument
293 is_training=True, argument
389 def _runtests(self, x_shape, is_training, gradient_test=False, argument
Dnn_grad.py935 is_training=True): argument
/external/tensorflow/tensorflow/python/distribute/
Dzero_batch_test.py56 def step_fn(is_training, inputs, targets=None): argument
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/
Dtpu_update_embedding_enqueue_op_inputs.cc115 bool is_training = send_gradient_op_map.count(embedding_attr); in UpdateEmbeddingEnqueueOpInput() local
/external/tensorflow/tensorflow/cc/gradients/
Dnn_grad.cc400 bool is_training) { in FusedBatchNormGradAttrs()
434 bool is_training; in BaseFusedBatchNormGrad() local
494 std::vector<Output>* grad_outputs) { in FusedBatchNormV3Grad()
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/
Dquantization_mnist_test.py190 def _Run(self, is_training, use_trt, batch_size, num_epochs, model_dir): argument
/external/pytorch/torch/csrc/jit/mobile/model_tracer/
DTracerRunner.cpp100 bool is_training = false; in call_dependent_methods() local
/external/pytorch/torch/csrc/jit/mobile/
Dmodule.cpp222 bool Module::is_training() const { in is_training() function in torch::jit::mobile::Module
/external/tensorflow/tensorflow/core/ops/
Dnn_ops_test.cc185 string data_format) { in TEST()
/external/tensorflow/tensorflow/compiler/xla/stream_executor/
Ddnn.h1173 DeviceMemory<float>* reserve_space_2, bool is_training, in DoBatchNormalizationForward()
1193 DeviceMemory<float>* reserve_space_2, bool is_training, in DoBatchNormalizationForward()
2128 bool is_training, in DoRnnForward()
2150 bool is_training, in DoRnnForward()
2172 bool is_training, in DoRnnForward()
Dstream.cc339 bool is_training, ScratchAllocator *reserve_space_allocator, in ThenBatchNormalizationForward()
393 bool is_training, ScratchAllocator *reserve_space_allocator, in ThenBatchNormalizationForward()
2045 DeviceMemory<Eigen::half> *output_c_data, bool is_training, in ThenRnnForward()
2080 DeviceMemory<float> *output_c_data, bool is_training, in ThenRnnForward()
2116 DeviceMemory<double> *output_c_data, bool is_training, in ThenRnnForward()
/external/pytorch/torch/_dynamo/variables/
Dnn_module.py200 def is_training(self, tx): member in NNModuleVariable
/external/pytorch/torch/csrc/api/src/nn/
Dmodule.cpp250 bool Module::is_training() const noexcept { in is_training() function in torch::nn::Module
/external/pytorch/torch/csrc/jit/api/
Dmodule.h191 bool is_training() const { in is_training() function
/external/tensorflow/tensorflow/core/grappler/optimizers/
Dremapper.cc1537 bool is_training = false; in FindMklLayerNorm() local
1593 bool is_training = true; in FindFusedBatchNorm() local
1678 bool is_training; in FindFusedBatchNormEx() local
1799 bool is_training; in FindFusedBatchNormGradEx() local
3353 bool is_training = true; in RequiresInferredShapes() local

12