Home
last modified time | relevance | path

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

/external/tensorflow/tensorflow/examples/speech_commands/
Dmodels.py96 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/
Dmkl_fused_batch_norm_op_test.cc80 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/
Dfused_batch_norm_ex_op_test.cc140 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()
Dfused_batch_norm_op_test.cc204 bool is_training, in FusedBatchNormInference()
240 static Graph* FusedBatchNormGrad(int n, int h, int w, int c, bool is_training, in FusedBatchNormGrad()
Dcudnn_rnn_ops.cc152 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/
Dzero_batch_test.py59 def step_fn(is_training, inputs, targets=None): 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.py947 is_training=True): argument
Dnn_impl.py1592 is_training=True, argument
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/
Dtpu_update_embedding_enqueue_op_inputs.cc112 bool is_training = send_gradient_op_map.count(embedding_attr); in UpdateEmbeddingEnqueueOpInput() local
/external/tensorflow/tensorflow/python/compiler/tensorrt/test/
Dquantization_mnist_test.py165 def _Run(self, is_training, use_trt, batch_size, num_epochs, model_dir): argument
/external/tensorflow/tensorflow/core/ops/
Dnn_ops_test.cc185 string data_format) { in TEST()
/external/tensorflow/tensorflow/core/grappler/optimizers/
Dremapper.cc780 bool is_training = true; in IsCpuCompatibleDataType() local
861 bool is_training; in IsCpuCompatibleDataType() local
1699 bool is_training = true; in IsCpuCompatibleDataType() local
Dlayout_optimizer_test.cc196 Output SimpleFusedBatchNormGrad(tensorflow::Scope* s, bool is_training) { in SimpleFusedBatchNormGrad()
Dgeneric_layout_optimizer_transposer_test.cc253 Status CreateSimpleFusedBatchNormGrad(GraphDef* graph, bool is_training, in CreateSimpleFusedBatchNormGrad()
/external/tensorflow/tensorflow/stream_executor/
Ddnn.h1022 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()
Dstream.cc353 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/
Dcuda_dnn.cc1759 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/
Drocm_dnn.cc2095 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/
Dop_level_cost_estimator_test.cc466 OpContext DescribeFusedBatchNorm(const bool is_training, const bool is_grad, in DescribeFusedBatchNorm()
1562 const bool is_training) -> Costs { in TEST_F()
Dop_level_cost_estimator.cc2378 const bool is_training = IsTraining(op_info); in PredictFusedBatchNorm() local
/external/tensorflow/tensorflow/core/framework/
Dcommon_shape_fns.cc1144 bool is_training; in FusedBatchNormShape() local
1219 bool is_training; in FusedBatchNormGradShape() local
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
Dconvert_nodes_test.cc2128 bool is_training, float epsilon) { in CreateFusedBatchNormOp()
2159 bool is_training; in TEST_P() member
Dconvert_nodes.cc5178 bool is_training = attrs.get<bool>("is_training"); in ConvertFusedBatchNorm() local