Searched refs:gradients (Results 76 - 100 of 176) sorted by relevance

12345678

/external/tensorflow/tensorflow/python/kernel_tests/
H A Dconcat_op_test.py196 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
223 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
250 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
280 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
301 grad = gradients_impl.gradients([c], [x, y], [grad_tensor])
374 # Check gradients
376 dxs = sess.run(gradients_impl.gradients(c, xs, dc))
562 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
575 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
H A Dfunctional_ops_test.py132 r = gradients_impl.gradients(r, v)[0]
137 r = gradients_impl.gradients(r, v)[0]
198 r = gradients_impl.gradients(y, param)[0]
200 r = gradients_impl.gradients(y, elems)[0]
387 r = gradients_impl.gradients(r, v)[0]
397 grad = gradients_impl.gradients(ys=[loss], xs=[a, b])
481 # ensure gradients can be calculated
482 result_grad = gradients_impl.gradients(result, [x])[0]
483 result_t_grad = gradients_impl.gradients(result_t, [x_t])[0]
H A Dtensor_array_ops_test.py630 # Test individual components' gradients
631 grad_just_r0 = gradients_impl.gradients(
636 grad_r0_r0_2 = gradients_impl.gradients(
643 grad_just_r1 = gradients_impl.gradients(
648 # Test combined gradients
649 grad = gradients_impl.gradients(
682 grad_r = gradients_impl.gradients(
742 # Test combined gradients + aggregation of read(0)
743 grad = gradients_impl.gradients(
767 # Test combined gradients
[all...]
H A Dbias_op_test.py150 bias_add_grad = gradients_impl.gradients(
156 # Compare fp16 theoretical gradients to fp32 numerical gradients,
157 # since fp16 numerical gradients are too imprecise unless great
176 bias_add_grad = gradients_impl.gradients(
H A Dslice_op_test.py243 grad = gradients_impl.gradients(slice_t, [a], grad_tensor)[0]
260 grad_actual = gradients_impl.gradients(out, inp)[0].eval()
/external/tensorflow/tensorflow/python/ops/
H A Dstandard_ops.py56 from tensorflow.python.ops.gradients import *
106 from tensorflow.python.ops import gradients as _gradients
221 "gradients", # tf.gradients = gradients.gradients
H A Dconcat_benchmark.py72 gradients_impl.gradients(output, inputs) for output in outputs
H A Dgradients_impl.py15 """Implements the graph generation for computation of gradients."""
161 colocate_gradients_with_ops: Python bool. See docstring of gradients().
213 grad_ys: List of gradients, can contain None.
215 colocate_gradients_with_ops: If True, try colocating gradients with
219 A list of gradients to use, without None.
222 ValueError: If sizes of gradients and inputs don't match
290 """Verify that gradients are valid in number and type.
293 grads: List of generated gradients.
294 op: Operation for which the gradients where generated.
297 ValueError: if sizes of gradients an
400 def gradients(ys, function
[all...]
/external/tensorflow/tensorflow/compiler/tests/
H A Dconcat_ops_test.py151 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
178 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
206 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
243 grad = gradients_impl.gradients([c], inp_tensors, [grad_tensor])
271 # Check gradients
273 dxs = sess.run(gradients_impl.gradients(c, xs, dc))
/external/tensorflow/tensorflow/contrib/quantize/python/
H A Dfold_batch_norms_test.py29 from tensorflow.python.ops import gradients namespace
390 grad_node = gradients.gradients(relu_node, inputs)
398 grad_node = gradients.gradients(relu_node, inputs)
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
H A Dspecial_math_test.py110 """Verifies that ndtri has finite gradients at interesting points."""
113 # Tests gradients at 0, 1, and piece-wise boundaries.
120 grads = gradients_impl.gradients(value, p)
260 grad_output = gradients_impl.gradients(output, x)
292 grad_eval = gradients_impl.gradients(fn(grid), grid)[0].eval()
431 grad = gradients_impl.gradients(actual, grid)[0]
450 grad = gradients_impl.gradients(actual, grid)[0]
/external/tensorflow/tensorflow/core/kernels/
H A Dfake_quant_ops.cc161 const GPUDevice& d, typename TTypes<float>::ConstFlat gradients,
284 const GPUDevice& d, typename TTypes<float>::ConstFlat gradients,
431 const GPUDevice& d, typename TTypes<float>::ConstMatrix gradients,
/external/tensorflow/tensorflow/core/profiler/g3doc/
H A Dprofile_memory.md73 seq2seq_attention_model.py:307:_add_train_op:tf.gradients(self... (0B/46761.06MB)
/external/tensorflow/tensorflow/contrib/bayesflow/python/kernel_tests/
H A Dhmc_test.py90 grad_0 = gradients_ops.gradients(log_prob_0, x)
629 """Test that update with NaN gradients does not cause NaN in results."""
652 gradients_ops.gradients(updated_x, initial_x)[0].eval())
653 self.assertAllEqual([True], [g is None for g in gradients_ops.gradients(
655 self.assertAllEqual([False], [g is None for g in gradients_ops.gradients(
661 # gradients_ops.gradients(acceptance_probs, initial_x)[0].eval())
663 # gradients_ops.gradients(new_log_prob, initial_x)[0].eval())
750 grads = gradients_ops.gradients(energy, momentums)
784 grads = gradients_ops.gradients(energy, momentums)
797 # The remaining gradients ar
[all...]
/external/tensorflow/tensorflow/python/framework/
H A Dfunction_test.py219 dx = gradients_impl.gradients([y], [x])
252 dlogits = gradients_impl.gradients([loss], [logits])
279 dinp = gradients_impl.gradients(out, [inp])
316 dx, = gradients_impl.gradients(y, [x])
340 dx, dy = gradients_impl.gradients([z], [x, y], grad_ys=[1.0])
342 dx, dy = gradients_impl.gradients([z], [x, y])
700 dx0, = gradients_impl.gradients([y0], [x])
701 dx1, = gradients_impl.gradients([y1], [x])
934 dinp, = gradients_impl.gradients(out, [inp])
1139 gradients_impl.gradients([f
[all...]
/external/tensorflow/tensorflow/python/eager/
H A Dbackprop_test.py36 from tensorflow.python.ops import gradients namespace
77 tf_grad = gradients.gradients(tf_y, [tf_var])[0]
144 tf_grad = gradients.gradients(tf_y, [tf_embedding])[0]
/external/deqp/modules/gles2/functional/
H A Des2fTextureSizeTests.cpp228 static const tcu::Vec4 gradients[tcu::CUBEFACE_LAST][2] = local
246 fillWithComponentGradients(m_texture->getRefTexture().getLevelFace(levelNdx, (tcu::CubeFace)face), gradients[face][0], gradients[face][1]);
/external/deqp/modules/gles3/functional/
H A Des3fTextureSizeTests.cpp229 static const tcu::Vec4 gradients[tcu::CUBEFACE_LAST][2] = local
247 fillWithComponentGradients(m_texture->getRefTexture().getLevelFace(levelNdx, (tcu::CubeFace)face), gradients[face][0], gradients[face][1]);
/external/deqp/modules/glshared/
H A DglsRandomShaderCase.cpp323 static const tcu::Vec4 gradients[tcu::CUBEFACE_LAST][2] = local
337 tcu::fillWithComponentGradients(m_texCube->getRefTexture().getLevelFace(0, (tcu::CubeFace)face), gradients[face][0], gradients[face][1]);
/external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
H A Dlinear.py43 from tensorflow.python.ops import gradients namespace
120 * gradient_clip_norm: A float > 0. If provided, gradients are
175 grads = gradients.gradients(loss, my_vars)
421 gradient_clip_norm: A `float` > 0. If provided, gradients are clipped
692 gradient_clip_norm: A `float` > 0. If provided, gradients are clipped
929 gradient_clip_norm: A `float` > 0. If provided, gradients are clipped
/external/tensorflow/tensorflow/python/training/
H A Doptimizer.py31 from tensorflow.python.ops import gradients namespace
183 compute the gradients with respect to a Tensor using the optimizer. Updating
241 ### Processing gradients before applying them.
243 Calling `minimize()` takes care of both computing the gradients and
244 applying them to the variables. If you want to process the gradients
247 1. Compute the gradients with `compute_gradients()`.
248 2. Process the gradients as you wish.
249 3. Apply the processed gradients with `apply_gradients()`.
257 # Compute the gradients for a list of variables.
264 # Ask the optimizer to apply the capped gradients
[all...]
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
H A Dmvn_diag_test.py266 grad_neg_log_likelihood = gradients_impl.gradients(
299 g = gradients_impl.gradients(ds.kl_divergence(mvn, mvn), loc)
H A Dquantized_distribution_test.py337 grads = gradients_impl.gradients(proba, [mu, sigma])
358 grads = gradients_impl.gradients(proba, [mu, sigma])
/external/tensorflow/tensorflow/contrib/eager/python/examples/rnn_ptb/
H A Drnn_ptb.py144 gradients, variables = zip(*grads_and_vars)
145 clipped, _ = tf.clip_by_global_norm(gradients, clip_ratio)
/external/tensorflow/tensorflow/contrib/kfac/python/ops/
H A Dutils.py299 """Compute forward-mode gradients."""
305 # generated by the first gradients_impl.gradients call.
308 dydxs = gradients_impl.gradients(
311 # Deal with strange types that gradients_impl.gradients returns but can't
322 dysdx = gradients_impl.gradients(dydxs, us, grad_ys=grad_xs)
482 # TODO(b/69623235): Add a function for finding tensors that share gradients

Completed in 951 milliseconds

12345678