HomeSort by relevance Sort by last modified time
    Searched refs:x_tf (Results 1 - 18 of 18) sorted by null

  /external/tensorflow/tensorflow/contrib/image/python/kernel_tests/
single_image_random_dot_stereograms_ops_test.py 41 x_tf = constant_op.constant(x_np)
44 x_tf,
56 x_tf,
69 x_tf,
  /external/tensorflow/tensorflow/python/eager/
graph_only_ops_test.py 39 x_tf = graph_only_ops.graph_placeholder(dtypes.int32, shape=(1,))
40 y_tf = math_ops.square(x_tf)
43 y = sess.run(y_tf, feed_dict={x_tf: np.array([42])})
  /external/tensorflow/tensorflow/contrib/nn/python/ops/
scaled_softplus_test.py 54 x_tf = constant_op.constant(x_np)
57 y_tf = scaled_softplus(x_tf, alpha_tf)
58 z_tf = scaled_softplus(x_tf, alpha_tf, clip_tf * 0.1)
59 err = gradient_checker.compute_gradient_error([x_tf, alpha_tf],
65 [x_tf, alpha_tf, clip_tf],
  /external/tensorflow/tensorflow/compiler/tests/
spacetobatch_op_test.py 78 x_tf = gen_array_ops._space_to_batch(
80 self.assertAllEqual(sess.run(x_tf, {placeholder: inputs}), outputs)
82 x_tf = gen_array_ops._batch_to_space(
84 self.assertAllEqual(sess.run(x_tf, {placeholder: outputs}), inputs)
161 x_tf = array_ops.space_to_batch_nd(placeholder, block_shape, paddings)
162 self.assertAllEqual(sess.run(x_tf, {placeholder: inputs}), outputs)
165 x_tf = array_ops.batch_to_space_nd(placeholder, block_shape, paddings)
166 self.assertAllEqual(sess.run(x_tf, {placeholder: outputs}), inputs)
  /external/tensorflow/tensorflow/python/ops/
nn_test.py 56 x_tf = constant_op.constant(x_np)
57 x_tf.set_shape(x_shape)
58 y_tf = nn_impl.zero_fraction(x_tf)
84 x_tf = constant_op.constant(x_np)
85 y_tf = nn_ops.softmax(x_tf)
86 y_tf_last_dim = nn_ops.softmax(x_tf, 1)
109 x_tf = constant_op.constant(x_np)
110 y_tf = nn_ops.softmax(x_tf)
111 err = gradient_checker.compute_gradient_error(x_tf, x_shape, y_tf,
146 x_tf = constant_op.constant(x_np
    [all...]
math_ops_test.py 125 x_tf = constant_op.constant(x_np, shape=x_np.shape)
126 y_tf_np = math_ops.reduce_logsumexp(x_tf).eval()
142 x_tf = constant_op.constant(x_np, shape=x_np.shape)
143 y_tf_np = math_ops.reduce_logsumexp(x_tf).eval()
164 x_tf = constant_op.constant(x_np, shape=x_np.shape)
165 y_tf = math_ops.round(x_tf)
181 x_tf = constant_op.constant(x_np, shape=x_np.shape)
182 y_tf = math_ops.mod(x_tf, denom)
194 x_tf = constant_op.constant(x_np, shape=x_np.shape)
195 y_tf = math_ops.mod(x_tf, denom
    [all...]
image_ops_test.py 171 x_tf = constant_op.constant(x_np, shape=x_np.shape)
172 y = image_ops.rgb_to_grayscale(x_tf)
193 x_tf = constant_op.constant(x_np, shape=x_np.shape)
194 y = image_ops.grayscale_to_rgb(x_tf)
203 x_tf = constant_op.constant(x_np, shape=x_np.shape)
204 y = image_ops.grayscale_to_rgb(x_tf)
    [all...]
  /external/tensorflow/tensorflow/python/kernel_tests/
svd_op_test.py 145 x_tf = constant_op.constant(x_np)
147 x_tf = array_ops.placeholder(dtype_)
151 x_tf, compute_uv=compute_uv_, full_matrices=full_matrices_)
156 [s_tf, u_tf, v_tf], feed_dict={x_tf: x_np})
159 x_tf, compute_uv=compute_uv_, full_matrices=full_matrices_)
163 s_tf_val = sess.run(s_tf, feed_dict={x_tf: x_np})
qr_op_test.py 126 x_tf = constant_op.constant(x_np)
128 x_tf = array_ops.placeholder(dtype_)
129 q_tf, r_tf = linalg_ops.qr(x_tf, full_matrices=full_matrices_)
134 q_tf_val, r_tf_val = sess.run([q_tf, r_tf], feed_dict={x_tf: x_np})
depthtospace_op_test.py 42 x_tf = array_ops.depth_to_space(input_nhwc, block_size)
43 self.assertAllEqual(x_tf.eval(), outputs)
47 x_tf = array_ops.depth_to_space(input_nhwc, block_size)
48 self.assertAllEqual(x_tf.eval(), outputs)
spacetodepth_op_test.py 41 x_tf = array_ops.space_to_depth(input_nhwc, block_size)
42 self.assertAllEqual(x_tf.eval(), outputs)
46 x_tf = array_ops.space_to_depth(input_nhwc, block_size)
47 self.assertAllEqual(x_tf.eval(), outputs)
spacetobatch_op_test.py 105 x_tf = self.space_to_batch(
107 self.assertAllEqual(x_tf.eval(), outputs)
109 x_tf = self.batch_to_space(
111 self.assertAllEqual(x_tf.eval(), inputs)
195 x_tf = array_ops.space_to_batch_nd(
197 self.assertAllEqual(x_tf.eval(), outputs)
199 x_tf = array_ops.batch_to_space_nd(
201 self.assertAllEqual(x_tf.eval(), inputs)
array_ops_test.py 280 x_tf = array_ops.reverse_v2(x_np, []).eval()
281 self.assertAllEqual(x_tf, x_np)
289 x_tf = array_ops.reverse_v2(x_np,
292 self.assertAllEqual(x_tf, np.asarray(x_np)[::-1])
376 x_tf = reverse_f(x_np, [1]).eval()
378 self.assertAllEqual(x_tf, np_answer)
388 x_tf = reverse_f(x_np, [1]).eval()
390 self.assertAllEqual(x_tf, np_answer)
400 x_tf = reverse_f(x_np, [0]).eval()
402 self.assertAllEqual(x_tf, np_answer
    [all...]
fft_ops_test.py 49 x_tf = self._tfFFT(x_ph, rank, fft_length, feed_dict={x_ph: x})
51 x_tf = self._tfFFT(x, rank, fft_length)
53 self.assertAllClose(x_np, x_tf, rtol=1e-4, atol=1e-4)
59 x_tf = self._tfIFFT(x_ph, rank, fft_length, feed_dict={x_ph: x})
61 x_tf = self._tfIFFT(x, rank, fft_length)
63 self.assertAllClose(x_np, x_tf, rtol=1e-4, atol=1e-4)
shape_ops_test.py 64 x_tf, unused_nnz = _sparsify(x_np)
66 tf_ans = array_ops.shape(x_tf)
93 x_tf, unused_nnz = _sparsify(x_np)
95 tf_ans = array_ops.rank(x_tf)
113 x_tf, unused_nnz = _sparsify(x_np)
115 tf_ans = array_ops.size(x_tf)
transpose_op_test.py 403 x_tf = array_ops.transpose(x_np).eval()
404 self.assertAllEqual(x_tf, [[1, 4], [2, 5], [3, 6]])
sparse_ops_test.py     [all...]
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
layers_test.py     [all...]

Completed in 885 milliseconds