/external/tensorflow/tensorflow/python/tpu/ |
D | tpu_outside_compilation_test.py | 139 def train_step(): function 149 strategy.experimental_local_results(train_step()), 159 def train_step(): function 169 strategy.experimental_local_results(train_step()), 180 def train_step(): function 190 strategy.experimental_local_results(train_step()), 206 def train_step(): function 218 strategy.experimental_local_results(train_step()), 233 def train_step(): function 245 strategy.experimental_local_results(train_step()), [all …]
|
/external/tensorflow/tensorflow/python/distribute/ |
D | custom_training_loop_gradient_test.py | 73 def train_step(x): function 86 distribution.run(train_step, args=(x,))) 100 def train_step(x): function 109 distribution.run(train_step, args=(x,))) 134 def train_step(): function 141 grads = distribution.experimental_local_results(train_step())
|
D | custom_training_loop_input_test.py | 109 def train_step(): function 117 train_step() 127 def train_step(data): function 134 distribution.run(train_step, args=(x,))) 147 def train_step(data): function 154 train_step, args=(iterator.get_next_as_optional().get_value(),))) 189 def train_step(data): function 196 distribution.run(train_step, args=(next(input_iterator),)) 207 def train_step(data): function 214 distribution.run(train_step, args=(x,))) [all …]
|
D | tpu_strategy_test.py | 354 def train_step(): function 361 self.assertAllEqual([[16., 16.]], train_step()) 472 def train_step(): function 482 train_step() 483 self.assertAllEqual(2., train_step()) 522 def train_step(): function 530 train_step() 537 def train_step(): function 567 outputs = strategy.experimental_local_results(train_step()) 574 def train_step(): function [all …]
|
D | zero_batch_test.py | 126 def train_step(): function 138 np_output = train_step().numpy() 183 def train_step(iterator): function 198 train_step(dataset_iterator).numpy()
|
D | README.md | 61 def train_step(iterator): 76 train_step(input_iterator)
|
D | distribute_lib_test.py | 527 def train_step(input_data): function 531 default_strategy.run(train_step, args=(next_val,))
|
D | mirrored_variable_test.py | 632 def train_step(): function 641 grads = distribution.experimental_local_results(train_step())
|
D | parameter_server_strategy_test.py | 751 def train_step(data): function 766 strategy.run, train_step)
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | const_op_test.py | 95 def train_step(): function 104 output = strategy.experimental_local_results(train_step())[0]
|
/external/tensorflow/tensorflow/python/distribute/integration_test/ |
D | tpu_memory_test.py | 143 def train_step(iterator): function 174 result = train_step(iterator) 181 _ = train_step(iterator)
|
/external/tensorflow/tensorflow/python/eager/ |
D | remote_test.py | 256 def train_step(iterator): function 263 train_step(iterator) 279 def train_step(iterator): function 287 train_step(iterator) 305 def train_step(iterator): function 314 train_step(iterator)
|
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/ |
D | mnist_train.py | 138 def train_step(features): function 157 train_step, args=(dist_inputs,))
|
/external/tensorflow/tensorflow/python/debug/examples/v1/ |
D | debug_mnist_v1.py | 193 train_step = tf.train.AdamOptimizer( 229 sess.run(train_step, feed_dict={handle: train_handle})
|
/external/tensorflow/tensorflow/examples/speech_commands/ |
D | train.py | 168 train_step = tf.compat.v1.train.GradientDescentOptimizer( 171 train_step = tf.compat.v1.train.MomentumOptimizer( 239 train_step,
|
/external/tensorflow/tensorflow/core/kernels/ |
D | sdca_ops.cc | 172 auto train_step = [&](const int64_t begin, const int64_t end) { in DoCompute() local 229 examples.num_examples(), kCostPerUnit, train_step); in DoCompute()
|
/external/tensorflow/tensorflow/python/distribute/failure_handling/ |
D | failure_handler_test.py | 163 def train_step(): function 172 strategy.run(train_step)
|
D | gce_failure_handler_test.py | 166 def train_step(): function 169 strategy.run(train_step)
|
/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",
|
D | TensorFlow_NumPy_Text_Generation.ipynb | 935 "def train_step(inp, target):\n", 966 " loss = train_step(inp, target)\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…
|
/external/tensorflow/tensorflow/python/autograph/g3doc/reference/ |
D | common_errors.md | 58 train_step(model)
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | training.py | 765 def train_step(self, data): member in Model 840 outputs = model.train_step(data)
|
/external/tensorflow/tensorflow/lite/g3doc/examples/on_device_training/ |
D | overview.ipynb | 240 …train_step` method of the keras model here instead of a from-scratch implementation. Just note tha…
|
/external/tensorflow/ |
D | RELEASE.md | 579 * Metrics update and collection logic in default `Model.train_step()` is 581 * Losses computation logic in default `Model.train_step()` is now 1180 data in their `train_step()`/`test_step()`/`predict_step()` methods. \ 1183 `train_step()`/`test_step()`/`predict_step()` methods, e.g. `if 5746 `Model.train_step`. 5751 …[`Model.train_step`](https://github.com/tensorflow/tensorflow/blob/1381fc8e15e22402417b98e3881dfd4…
|