| /external/tensorflow/tensorflow/examples/speech_commands/ | 
| D | models.py | 92                  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/ | 
| D | mkl_fused_batch_norm_op_test.cc | 81                                  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/ | 
| D | fused_batch_norm_ex_op_test.cc | 140                          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()
  | 
| D | fused_batch_norm_op_test.cc | 225                                       bool is_training,  in FusedBatchNormInference() 261 static Graph* FusedBatchNormGrad(int n, int h, int w, int c, bool is_training,  in FusedBatchNormGrad()
  | 
| D | cudnn_rnn_ops.cc | 155                      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/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 | 935                    is_training=True):  argument
  | 
| D | nn_impl.py | 1607     is_training=True,  argument
  | 
| /external/tensorflow/tensorflow/python/distribute/ | 
| D | zero_batch_test.py | 56       def step_fn(is_training, inputs, targets=None):  argument
  | 
| /external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ | 
| D | tpu_update_embedding_enqueue_op_inputs.cc | 115     bool is_training = send_gradient_op_map.count(embedding_attr);  in UpdateEmbeddingEnqueueOpInput()  local
  | 
| /external/tensorflow/tensorflow/cc/gradients/ | 
| D | nn_grad.cc | 400                           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/ | 
| D | quantization_mnist_test.py | 190   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/compiler/xla/stream_executor/ | 
| D | dnn.h | 1173       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()
  | 
| D | stream.cc | 339     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/tensorflow/tensorflow/core/grappler/optimizers/ | 
| D | remapper.cc | 1537     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
  | 
| D | remapper_test.cc | 227   bool is_training = true;  in TEST_F()  local 464   bool is_training = true;  in TEST_F()  local
  | 
| D | generic_layout_optimizer_transposer_test.cc | 253 Status CreateSimpleFusedBatchNormGrad(GraphDef* graph, bool is_training,  in CreateSimpleFusedBatchNormGrad()
  | 
| /external/tensorflow/tensorflow/stream_executor/rocm/ | 
| D | rocm_dnn.cc | 2149     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()
  | 
| /external/tensorflow/tensorflow/compiler/xla/stream_executor/cuda/ | 
| D | cuda_dnn.cc | 1943     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()
  | 
| /external/tensorflow/tensorflow/core/grappler/costs/ | 
| D | op_level_cost_estimator_test.cc | 467 OpContext DescribeFusedBatchNorm(const bool is_training, const bool is_grad,  in DescribeFusedBatchNorm() 1616                                  const bool is_training) -> Costs {  in TEST_F()
  | 
| D | op_level_cost_estimator.cc | 2424   const bool is_training = IsTraining(op_info);  in PredictFusedBatchNorm()  local
  | 
| /external/tensorflow/tensorflow/core/framework/ | 
| D | common_shape_fns.cc | 1199   bool is_training;  in FusedBatchNormShape()  local 1274   bool is_training;  in FusedBatchNormGradShape()  local
  | 
| /external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ | 
| D | convert_nodes_test.cc | 2518                                bool is_training, float epsilon) {  in CreateFusedBatchNormOp() 2549     bool is_training;  in TEST_P()  member
  | 
| D | convert_nodes.cc | 4167   bool is_training{false};  in ConvertFusedBatchNorm()  local
  |