/external/tensorflow/tensorflow/examples/speech_commands/ |
D | models.py | 96 is_training, runtime_settings=None): argument 164 def create_single_fc_model(fingerprint_input, model_settings, is_training): argument 207 def create_conv_model(fingerprint_input, model_settings, is_training): argument 334 is_training): argument 463 is_training, runtime_settings): argument 673 def create_tiny_conv_model(fingerprint_input, model_settings, is_training): argument 766 is_training): argument
|
/external/tensorflow/tensorflow/core/kernels/mkl/ |
D | mkl_fused_batch_norm_op_test.cc | 80 const bool is_training, const GraphRunner& run, in VerifyTensorsClose() 225 const bool is_training) { in VerifyFusedBatchNorm() 231 Tensor* batch_mean, Tensor* batch_var) { in VerifyFusedBatchNorm() 277 Tensor* batch_mean, Tensor* batch_var) { in VerifyFusedBatchNorm() 478 const bool is_training = true; in TYPED_TEST_P() local 484 const bool is_training = true; in TYPED_TEST_P() local 490 const bool is_training = false; in TYPED_TEST_P() local 496 const bool is_training = false; in TYPED_TEST_P() local
|
/external/tensorflow/tensorflow/core/kernels/ |
D | fused_batch_norm_ex_op_test.cc | 140 const TensorFormat data_format, bool is_training, in RunFusedBatchNorm() 229 const TensorFormat data_format, bool is_training, in RunFusedBatchNormEx() 337 TensorFormat data_format, bool is_training, in VerifyTensorsNear() 428 TensorFormat data_format, bool is_training, in VerifyFusedBatchNormEx() 551 TensorFormat data_format, bool is_training, in FusedBatchNormEx()
|
D | fused_batch_norm_op_test.cc | 204 bool is_training, in FusedBatchNormInference() 240 static Graph* FusedBatchNormGrad(int n, int h, int w, int c, bool is_training, in FusedBatchNormGrad()
|
D | cudnn_rnn_ops.cc | 152 bool has_dropout, bool is_training, RnnMode rnn_mode, in CudnnRnnParameters() 792 const bool is_training, in DoForward() 1538 bool is_training() const { return is_training_; } in is_training() function in tensorflow::CudnnRNNForwardOp
|
/external/tensorflow/tensorflow/python/distribute/ |
D | zero_batch_test.py | 59 def step_fn(is_training, inputs, targets=None): argument
|
/external/tensorflow/tensorflow/python/ops/ |
D | nn_fused_batchnorm_test.py | 230 is_training=True): argument 293 is_training=True, argument 389 def _runtests(self, x_shape, is_training, gradient_test=False, argument
|
D | nn_grad.py | 947 is_training=True): argument
|
D | nn_impl.py | 1592 is_training=True, argument
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ |
D | tpu_update_embedding_enqueue_op_inputs.cc | 112 bool is_training = send_gradient_op_map.count(embedding_attr); in UpdateEmbeddingEnqueueOpInput() local
|
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/ |
D | quantization_mnist_test.py | 165 def _Run(self, is_training, use_trt, batch_size, num_epochs, model_dir): argument
|
/external/tensorflow/tensorflow/core/ops/ |
D | nn_ops_test.cc | 185 string data_format) { in TEST()
|
/external/tensorflow/tensorflow/core/grappler/optimizers/ |
D | remapper.cc | 780 bool is_training = true; in IsCpuCompatibleDataType() local 861 bool is_training; in IsCpuCompatibleDataType() local 1699 bool is_training = true; in IsCpuCompatibleDataType() local
|
D | layout_optimizer_test.cc | 196 Output SimpleFusedBatchNormGrad(tensorflow::Scope* s, bool is_training) { in SimpleFusedBatchNormGrad()
|
D | generic_layout_optimizer_transposer_test.cc | 253 Status CreateSimpleFusedBatchNormGrad(GraphDef* graph, bool is_training, in CreateSimpleFusedBatchNormGrad()
|
/external/tensorflow/tensorflow/stream_executor/ |
D | dnn.h | 1022 DeviceMemory<float>* reserve_space_2, bool is_training, in DoBatchNormalizationForward() 1041 DeviceMemory<float>* reserve_space_2, bool is_training, in DoBatchNormalizationForward() 2199 bool is_training, in DoRnnForward() 2220 bool is_training, in DoRnnForward() 2241 bool is_training, in DoRnnForward()
|
D | stream.cc | 353 bool is_training, in ThenBatchNormalizationForward() 404 bool is_training, in ThenBatchNormalizationForward() 4552 DeviceMemory<Eigen::half> *output_c_data, bool is_training, in ThenRnnForward() 4585 DeviceMemory<float> *output_c_data, bool is_training, in ThenRnnForward() 4619 DeviceMemory<double> *output_c_data, bool is_training, in ThenRnnForward()
|
/external/tensorflow/tensorflow/stream_executor/cuda/ |
D | cuda_dnn.cc | 1759 DeviceMemory<T>* output_c_data, bool is_training, in DoRnnForwardImpl() 2140 DeviceMemory<Eigen::half>* output_c_data, bool is_training, in DoRnnForward() 2181 DeviceMemory<float>* output_c_data, bool is_training, in DoRnnForward() 2223 DeviceMemory<double>* output_c_data, bool is_training, in DoRnnForward() 3458 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward() 3481 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward() 3506 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForwardImpl()
|
/external/tensorflow/tensorflow/stream_executor/rocm/ |
D | rocm_dnn.cc | 2095 DeviceMemory<T>* output_c_data, bool is_training, in DoRnnForwardImpl() 2591 DeviceMemory<Eigen::half>* output_c_data, bool is_training, in DoRnnForward() 2633 DeviceMemory<float>* output_c_data, bool is_training, in DoRnnForward() 2676 DeviceMemory<double>* output_c_data, bool is_training, in DoRnnForward() 3532 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward() 3552 bool is_training, ScratchAllocator* reserve_space_allocator, in DoBatchNormalizationForward() 3574 bool is_training) { in DoBatchNormalizationForwardImpl()
|
/external/tensorflow/tensorflow/core/grappler/costs/ |
D | op_level_cost_estimator_test.cc | 466 OpContext DescribeFusedBatchNorm(const bool is_training, const bool is_grad, in DescribeFusedBatchNorm() 1562 const bool is_training) -> Costs { in TEST_F()
|
D | op_level_cost_estimator.cc | 2378 const bool is_training = IsTraining(op_info); in PredictFusedBatchNorm() local
|
/external/tensorflow/tensorflow/core/framework/ |
D | common_shape_fns.cc | 1144 bool is_training; in FusedBatchNormShape() local 1219 bool is_training; in FusedBatchNormGradShape() local
|
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ |
D | convert_nodes_test.cc | 2128 bool is_training, float epsilon) { in CreateFusedBatchNormOp() 2159 bool is_training; in TEST_P() member
|
D | convert_nodes.cc | 5178 bool is_training = attrs.get<bool>("is_training"); in ConvertFusedBatchNorm() local
|