/external/tensorflow/tensorflow/python/keras/tests/ |
D | custom_training_loop_test.py | 76 def train_step(x): function 86 train_step = def_function.function(train_step) 89 return train_step(x) 100 def train_step(x, y): function 109 train_step = def_function.function(train_step) 112 return train_step(x, y) 123 def train_step(x, y): function 135 train_step = def_function.function(train_step) 138 metrics = train_step(x, y) 150 def test_eager_and_tf_function(self, train_step): argument [all …]
|
D | add_loss_correctness_test.py | 47 def train_step(x, y, w=None): function 58 return train_step 116 train_step = get_model_and_train_step() 117 loss = [train_step(self.x, self.y) for _ in range(5)] 120 train_step = def_function.function(get_model_and_train_step()) 121 loss = [train_step(self.x, self.y) for _ in range(5)] 138 train_step = get_model_and_train_step() 139 loss = [train_step(self.x, self.y) for _ in range(5)] 142 train_step = def_function.function(get_model_and_train_step()) 143 loss = [train_step(self.x, self.y) for _ in range(5)] [all …]
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tpu_outside_compilation_test.py | 141 def train_step(): function 151 strategy.experimental_local_results(train_step()), 161 def train_step(): function 171 strategy.experimental_local_results(train_step()), 182 def train_step(): function 192 strategy.experimental_local_results(train_step()), 208 def train_step(): function 220 strategy.experimental_local_results(train_step()), 235 def train_step(): function 247 strategy.experimental_local_results(train_step()), [all …]
|
/external/tensorflow/tensorflow/python/keras/distribute/ |
D | custom_training_loop_models_test.py | 76 def train_step(iterator): function 90 train_step(input_iterator) 101 def train_step(replicated_inputs): function 116 train_step(x) 139 def train_step(iterator): function 153 train_step(input_iterator) 164 def train_step(iterator): function 177 train_step(input_iterator) 196 def train_step(iterator): function 208 train_step(input_iterator) [all …]
|
D | custom_training_loop_metrics_test.py | 49 def train_step(): function 57 train_step()
|
D | mirrored_strategy_test.py | 109 def train_step(iterator): function 135 train_step(distributed_iterator)
|
D | ctl_correctness_test.py | 176 def train_step(dist_inputs): function 204 total_loss += train_step(x) 210 total_loss += train_step(next(iterator))
|
/external/tensorflow/tensorflow/python/distribute/ |
D | custom_training_loop_gradient_test.py | 77 def train_step(x): function 90 distribution.run(train_step, args=(x,))) 104 def train_step(x): function 113 distribution.run(train_step, args=(x,))) 138 def train_step(): function 145 grads = distribution.experimental_local_results(train_step())
|
D | custom_training_loop_input_test.py | 111 def train_step(): function 119 train_step() 129 def train_step(data): function 136 distribution.run(train_step, args=(x,))) 149 def train_step(data): function 156 train_step, args=(iterator.get_next_as_optional().get_value(),))) 191 def train_step(data): function 198 distribution.run(train_step, args=(next(input_iterator),)) 209 def train_step(data): function 216 distribution.run(train_step, args=(x,))) [all …]
|
D | tpu_strategy_test.py | 217 def train_step(): function 224 self.assertAllEqual([[16., 16.]], train_step()) 335 def train_step(): function 345 train_step() 346 self.assertAllEqual(2., train_step()) 385 def train_step(): function 393 train_step() 400 def train_step(): function 430 outputs = strategy.experimental_local_results(train_step()) 437 def train_step(): function [all …]
|
D | zero_batch_test.py | 129 def train_step(): function 141 np_output = train_step().numpy() 186 def train_step(iterator): function 201 train_step(dataset_iterator).numpy()
|
D | README.md | 61 def train_step(iterator): 76 train_step(input_iterator)
|
D | distribute_lib_test.py | 510 def train_step(input_data): function 514 default_strategy.run(train_step, args=(next_val,))
|
/external/tensorflow/tensorflow/python/eager/ |
D | remote_test.py | 216 def train_step(iterator): function 223 train_step(iterator) 239 def train_step(iterator): function 247 train_step(iterator) 265 def train_step(iterator): function 274 train_step(iterator)
|
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/ |
D | mnist_train.py | 142 def train_step(features): function 161 train_step, args=(dist_inputs,))
|
/external/tensorflow/tensorflow/python/keras/benchmarks/keras_examples_benchmarks/ |
D | mnist_conv_custom_training_benchmark_test.py | 67 def train_step(self, inputs, model, loss_fn, optimizer, batch_size): member in CustomMnistBenchmark 106 self.train_step, 164 total_loss += self.train_step(batch_dataset, model, loss_fn,
|
/external/tensorflow/tensorflow/python/debug/examples/v1/ |
D | debug_mnist_v1.py | 197 train_step = tf.train.AdamOptimizer( 232 sess.run(train_step, feed_dict={handle: train_handle})
|
/external/tensorflow/tensorflow/examples/speech_commands/ |
D | train.py | 173 train_step = tf.compat.v1.train.GradientDescentOptimizer( 176 train_step = tf.compat.v1.train.MomentumOptimizer( 244 train_step,
|
/external/tensorflow/tensorflow/python/keras/integration_test/ |
D | tpu_strategy_test.py | 165 def train_step(iterator): function 191 train_step(distributed_iterator)
|
D | multi_worker_tutorial_test.py | 262 def train_step(iterator): function 312 total_loss += train_step(iterator)
|
/external/tensorflow/tensorflow/core/kernels/ |
D | sdca_ops.cc | 172 auto train_step = [&](const int64 begin, const int64 end) { in DoCompute() local 229 examples.num_examples(), kCostPerUnit, train_step); in DoCompute()
|
/external/tensorflow/tensorflow/python/keras/saving/ |
D | saving_utils_test.py | 234 def train_step(data, labels): function 244 train_step(x, y)
|
/external/tensorflow/tensorflow/python/keras/premade/ |
D | wide_deep.py | 112 def train_step(self, data): member in WideDeepModel
|
/external/tensorflow/tensorflow/python/ops/numpy_ops/g3doc/ |
D | TensorFlow_Numpy_Distributed_Image_Classification.ipynb | 324 "def train_step(model, input, labels, learning_rate):\n", 335 " train_step(model, inputs, labels, learning_rate=0.1)\n", 489 "# This is similar to `train_step` except for an extra collective reduction of\n",
|
/external/tensorflow/tensorflow/core/profiler/g3doc/ |
D | advise.md | 72 top 2 graph node: train_step/update_seq2seq/output_projection/w/ApplyAdam, cpu: 84.52ms, accelerato…
|