HomeSort by relevance Sort by last modified time
    Searched refs:math_ops (Results 276 - 300 of 659) sorted by null

<<11121314151617181920>>

  /external/tensorflow/tensorflow/contrib/seq2seq/python/ops/
helper.py 34 from tensorflow.python.ops import math_ops
226 finished = math_ops.equal(0, self._sequence_length)
227 all_finished = math_ops.reduce_all(finished)
235 sample_ids = math_ops.cast(
236 math_ops.argmax(outputs, axis=-1), dtypes.int32)
245 all_finished = math_ops.reduce_all(finished)
333 where_sampling = math_ops.cast(
335 where_not_sampling = math_ops.cast(
349 all_finished = math_ops.reduce_all(finished)
441 sample_ids = math_ops.cast(sample_ids, dtypes.bool
    [all...]
attention_wrapper.py 38 from tensorflow.python.ops import math_ops
336 score = math_ops.matmul(query, keys, transpose_b=True)
480 normed_v = g * v * math_ops.rsqrt(
481 math_ops.reduce_sum(math_ops.square(v)))
482 return math_ops.reduce_sum(
483 normed_v * math_ops.tanh(keys + processed_query + b), [2])
485 return math_ops.reduce_sum(v * math_ops.tanh(keys + processed_query), [2])
600 return math_ops.exp(math_ops.cumsum
    [all...]
  /external/tensorflow/tensorflow/contrib/signal/python/kernel_tests/
reconstruction_ops_test.py 28 from tensorflow.python.ops import math_ops
150 loss = math_ops.reduce_sum(reconstruction)
169 [array_ops.zeros((100,)), math_ops.to_float(math_ops.range(100))])
170 loss = math_ops.reduce_sum(reconstruction)
  /external/tensorflow/tensorflow/contrib/tensor_forest/python/ops/
data_ops.py 26 from tensorflow.python.ops import math_ops
47 return math_ops.to_float(tensor)
198 return math_ops.to_float(
209 return math_ops.to_float(sparse_ops.sparse_tensor_to_dense(
212 return math_ops.to_float(labels)
  /external/tensorflow/tensorflow/python/eager/
pywrap_tfe_test.py 29 from tensorflow.python.ops import math_ops
47 math_ops.matmul(a_2_by_2, b_2_by_2),
53 math_ops.matmul(a_100_by_784, b_100_by_784, transpose_b=True),
82 math_ops.add_n([a_2_by_2, b_2_by_2]),
101 z2 = math_ops.add_n([a_2_by_2, b_2_by_2])
  /external/tensorflow/tensorflow/python/ops/
weights_broadcast_ops.py 29 from tensorflow.python.ops import math_ops
43 return math_ops.equal(0, num_invalid_dims, name=scope)
51 is_same_rank = math_ops.equal(
120 is_scalar = math_ops.equal(0, weights_rank, name="is_scalar")
168 return math_ops.multiply(
random_ops.py 28 from tensorflow.python.ops import math_ops
80 value = math_ops.add(mul, mean_tensor, name=name)
177 value = math_ops.add(mul, mean_tensor, name=name)
245 return math_ops.add(rnd * (maxval - minval), minval, name=name)
312 math_ops.reduce_all(shape >= size),
421 return math_ops.maximum(
  /external/tensorflow/tensorflow/compiler/tests/
clustering_test.py 29 from tensorflow.python.ops import math_ops
45 output = math_ops.add(input1, input2)
58 output = math_ops.add(input1, input2)
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
chi2_test.py 25 from tensorflow.python.ops import math_ops
91 math_ops.floor(math_ops.abs(df_v)).eval(),
independent_test.py 28 from tensorflow.python.ops import math_ops
108 sample_mean = math_ops.reduce_mean(x, axis=0)
109 sample_var = math_ops.reduce_mean(
110 math_ops.squared_difference(x, sample_mean), axis=0)
111 sample_std = math_ops.sqrt(sample_var)
112 sample_entropy = -math_ops.reduce_mean(ind.log_prob(x), axis=0)
conditional_transformed_distribution_test.py 29 from tensorflow.python.ops import math_ops
60 z = math_ops.cast((1 + z) / 2, dtypes.int32)
  /external/tensorflow/tensorflow/contrib/kfac/python/ops/
loss_functions.py 28 from tensorflow.python.ops import math_ops
389 return -math_ops.reduce_sum(self.dist.log_prob(targets))
421 return normal.Normal(loc=self._mean, scale=math_ops.sqrt(self._var))
477 self._scale = math_ops.sqrt(variance)
509 return 1. / (2 * math_ops.square(self._variance))
513 return 1. / (math_ops.sqrt(2.) * self._variance)
655 return math_ops.sqrt(self._probs)
663 return vector * probs - probs * math_ops.reduce_sum(
669 return sqrt_probs * vector - probs * math_ops.reduce_sum(
675 return sqrt_probs * vector - sqrt_probs * math_ops.reduce_sum
    [all...]
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
regularizers.py 25 from tensorflow.python.ops import math_ops
160 return math_ops.add_n(regularizer_tensors, name=name)
202 summed_penalty = math_ops.add_n(penalties, name=scope)
  /external/tensorflow/tensorflow/contrib/layers/python/ops/
sparse_feature_cross_op.py 26 from tensorflow.python.ops import math_ops
89 values[i] = math_ops.to_int64(values[i])
93 dense_inputs[i] = math_ops.to_int64(dense_inputs[i])
  /external/tensorflow/tensorflow/contrib/learn/python/learn/estimators/
logistic_regressor.py 30 from tensorflow.python.ops import math_ops
155 predictions_at_threshold = math_ops.to_float(
156 math_ops.greater_equal(predictions, threshold),
  /external/tensorflow/tensorflow/contrib/learn/python/learn/ops/
seq2seq_ops.py 26 from tensorflow.python.ops import math_ops
55 xent = math_ops.add_n(xent_list, name="sequence_loss/xent")
56 loss = math_ops.reduce_sum(xent, name="sequence_loss")
  /external/tensorflow/tensorflow/contrib/solvers/python/kernel_tests/
lanczos_test.py 26 from tensorflow.python.ops import math_ops
62 av = math_ops.matmul(a, lbd.v)
64 atu = math_ops.matmul(a, lbd.u[:, :-1], adjoint_a=True)
  /external/tensorflow/tensorflow/python/kernel_tests/distributions/
bijector_test.py 26 from tensorflow.python.ops import math_ops
105 return -math_ops.log(2.)
110 return math_ops.log(2.)
  /external/tensorflow/tensorflow/python/ops/linalg/
linear_operator_identity.py 30 from tensorflow.python.ops import math_ops
87 return math_ops.reduce_min(self.shape_tensor()[-2:])
377 return (math_ops.cast(self._min_matrix_dim_tensor(), self.dtype) *
610 self._multiplier_matrix_conj = math_ops.conj(self._multiplier_matrix)
611 self._abs_multiplier = math_ops.abs(self.multiplier)
617 self._num_rows_cast_to_dtype = math_ops.cast(self._num_rows, self.dtype)
618 self._num_rows_cast_to_real_dtype = math_ops.cast(self._num_rows,
636 math_ops.abs(self.multiplier), message="LinearOperator was singular")
640 math_ops.real(self.multiplier),
644 imag_multiplier = math_ops.imag(self.multiplier
    [all...]
  /external/tensorflow/tensorflow/python/profiler/
pprof_profiler_test.py 28 from tensorflow.python.ops import math_ops
146 c = lambda i: math_ops.less(i, num_iters)
147 b = lambda i: math_ops.add(i, 1)
  /external/tensorflow/tensorflow/python/training/
quantize_training_test.py 28 from tensorflow.python.ops import math_ops
42 c = math_ops.matmul(a, b, name='matmul')
62 c = math_ops.matmul(a, b, name='matmul')
  /external/tensorflow/tensorflow/contrib/eager/python/
datasets_test.py 32 from tensorflow.python.ops import math_ops
78 return math_ops.equal(math_ops.mod(x, 2), 0)
80 it = datasets.Iterator(Dataset.range(8).map(math_ops.square).filter(even))
97 ds = Dataset.from_tensor_slices([1, 2, 3, 4, 5, 6]).map(math_ops.square)
165 x = math_ops.add(x, x)
  /external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/bijectors/
absolute_value_test.py 27 from tensorflow.python.ops import math_ops
41 y = math_ops.abs(x)
  /external/tensorflow/tensorflow/contrib/distributions/python/ops/bijectors/
absolute_value.py 26 from tensorflow.python.ops import math_ops
111 return math_ops.abs(x)
permute.py 29 from tensorflow.python.ops import math_ops
111 -p, math_ops.range(array_ops.size(p)),

Completed in 1499 milliseconds

<<11121314151617181920>>