Home
last modified time | relevance | path

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

12

/aosp_15_r20/external/tensorflow/tensorflow/examples/speech_commands/
H A 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
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mkl/
H A 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
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A 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()
H A 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()
H A 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
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A 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
/aosp_15_r20/external/pytorch/benchmarks/dynamo/
H A 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
H A Dhuggingface.py485 def pick_grad(self, name, is_training): argument
491 def get_tolerance_and_cosine_flag(self, is_training, current_device, name): argument
H A Dtorchbench.py399 def pick_grad(self, name, is_training): argument
408 def get_tolerance_and_cosine_flag(self, is_training, current_device, name): argument
/aosp_15_r20/external/tensorflow/tensorflow/cc/gradients/
H A Dnn_grad.cc400 bool is_training) { in FusedBatchNormGradAttrs()
434 bool is_training; in BaseFusedBatchNormGrad() local
494 std::vector<Output>* grad_outputs) { in FusedBatchNormV3Grad()
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/
H A 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()
H A 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()
/aosp_15_r20/external/pytorch/torch/ao/quantization/fx/
H A Dpattern_utils.py67 is_training, argument
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/
H A Dremove_dropout.cpp16 const bool is_training = val.toBool(); in isDropoutRemovable() local
/aosp_15_r20/external/tensorflow/tensorflow/python/distribute/
H A Dzero_batch_test.py56 def step_fn(is_training, inputs, targets=None): argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/
H A Dtpu_update_embedding_enqueue_op_inputs.cc115 bool is_training = send_gradient_op_map.count(embedding_attr); in UpdateEmbeddingEnqueueOpInput() local
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/
H A 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
/aosp_15_r20/external/tensorflow/tensorflow/python/compiler/tensorrt/test/
H A Dquantization_mnist_test.py190 def _Run(self, is_training, use_trt, batch_size, num_epochs, model_dir): argument
/aosp_15_r20/external/pytorch/torch/csrc/jit/mobile/model_tracer/
H A DTracerRunner.cpp100 bool is_training = false; in call_dependent_methods() local
/aosp_15_r20/external/tensorflow/tensorflow/stream_executor/rocm/
H A Drocm_dnn.cc2149 DeviceMemory<T>* output_c_data, bool is_training, in DoRnnForwardImpl()
2646 DeviceMemory<Eigen::half>* output_c_data, bool is_training, in DoRnnForward()
2689 DeviceMemory<float>* output_c_data, bool is_training, in DoRnnForward()
2733 DeviceMemory<double>* output_c_data, bool is_training, in DoRnnForward()
3648 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward()
3668 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward()
3690 bool is_training) { in DoBatchNormalizationForwardImpl()
/aosp_15_r20/external/pytorch/torch/csrc/jit/mobile/
H A Dmodule.cpp222 bool Module::is_training() const { in is_training() function in torch::jit::mobile::Module
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/
H A Dnn_ops_test.cc185 string data_format) { in TEST()
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/stream_executor/cuda/
H A Dcuda_dnn.cc1943 DeviceMemory<T>* output_c_data, bool is_training, in DoRnnForwardImpl()
2484 DeviceMemory<Eigen::half>* output_c_data, bool is_training, in DoRnnForward()
2527 DeviceMemory<float>* output_c_data, bool is_training, in DoRnnForward()
2571 DeviceMemory<double>* output_c_data, bool is_training, in DoRnnForward()
5419 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward()
5443 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward()
5468 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForwardImpl()
/aosp_15_r20/external/pytorch/torch/csrc/api/src/nn/
H A Dmodule.cpp250 bool Module::is_training() const noexcept { in is_training() function in torch::nn::Module
/aosp_15_r20/external/pytorch/torch/_dynamo/variables/
H A Dnn_module.py200 def is_training(self, tx): member in NNModuleVariable

12