HomeSort by relevance Sort by last modified time
    Searched full:x_init_value (Results 1 - 25 of 49) sorted by null

1 2

  /external/tensorflow/tensorflow/cc/gradients/
nn_grad_test.cc 54 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y,
58 scope_, x, x_init_value, y, y_shape, &max_error)));
104 Tensor x_init_value = local
108 RunTest(x, x_init_value, y, shape);
116 Tensor x_init_value = test::AsTensor<float>( local
119 RunTest(x, x_init_value, y, shape);
128 Tensor x_init_value = test::AsTensor<float>( local
131 RunTest(x, x_init_value, y, shape);
138 Tensor x_init_value = test::AsTensor<float>( local
141 RunTest(x, x_init_value, y, shape)
148 Tensor x_init_value = test::AsTensor<float>( local
188 Tensor x_init_value = Tensor(DT_FLOAT, x_shape); local
201 Tensor x_init_value = Tensor(DT_FLOAT, x_shape); local
    [all...]
math_grad_test.cc 724 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y,
729 scope_, x, x_init_value, y, y_shape, &max_error)));
760 Tensor x_init_value = local
762 RunTest(x, x_init_value, y, y_shape);
771 Tensor x_init_value = local
773 RunTest(x, x_init_value, y, y_shape);
882 Tensor x_init_value = local
884 RunTest(x, x_init_value, y, shape);
893 Tensor x_init_value = local
895 RunTest(x, x_init_value, y, shape)
    [all...]
  /external/tensorflow/tensorflow/tools/api/golden/
tensorflow.test.pbtxt 25 argspec: "args=[\'x\', \'x_shape\', \'y\', \'y_shape\', \'x_init_value\', \'delta\', \'init_targets\', \'extra_feed_dict\'], varargs=None, keywords=None, defaults=[\'None\', \'0.001\', \'None\', \'None\'], "
29 argspec: "args=[\'x\', \'x_shape\', \'y\', \'y_shape\', \'x_init_value\', \'delta\', \'init_targets\', \'extra_feed_dict\'], varargs=None, keywords=None, defaults=[\'None\', \'0.001\', \'None\', \'None\'], "
  /external/tensorflow/tensorflow/python/ops/
nn_grad_test.py 37 x_init_value = np.array([[-3.5, -1.5, 2, 4], [4.5, 7.5, 8.5, 11]])
46 x_init_value=x_init_value)
gradient_checker.py 215 x_init_value=None,
226 if x_init_value is not None:
227 i_shape = list(x_init_value.shape)
230 x_data = x_init_value
247 x_init_value=None,
259 if x_init_value is None:
260 x_init_value = [None] * len(x)
264 x_init_value)]
273 x_init_value=None,
297 x_init_value: (optional) a numpy array of the same shape as "x
    [all...]
image_grad_test.py 62 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
77 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
92 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
99 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
129 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
142 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
159 input_tensor, in_shape, resized_tensor, out_shape, x_init_value=x)
214 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
229 input_tensor, in_shape, resize_out, out_shape, x_init_value=x)
371 x_init_value=[image, boxes]
    [all...]
gradient_checker_test.py 89 x_init_value = np.asarray(np.arange(6, dtype=np.float64).reshape(2, 3))
91 x2, size, y, size, x_init_value=x_init_value, delta=1e-2)
math_grad_test.py 48 left_tensor, left_shape, output, output_shape, x_init_value=l)
50 right_tensor, right_shape, output, output_shape, x_init_value=r)
  /external/tensorflow/tensorflow/python/kernel_tests/
relu_op_test.py 86 x, [2, 5], y, [2, 5], x_init_value=x_init)
103 x, [2, 5], y, [2, 5], x_init_value=x_init)
120 x, [2, 5], z[0], [2, 5], x_init_value=x_init)
138 x, [2, 5], z[0], [2, 5], x_init_value=x_init)
202 x, [2, 5], y, [2, 5], x_init_value=x_init)
219 x, [2, 5], y, [2, 5], x_init_value=x_init)
261 x, [2, 5], y, [2, 5], x_init_value=x_init)
272 x, [2, 5], y, [2, 5], x_init_value=x_init)
300 x, [2, 5], z[0], [2, 5], x_init_value=x_init)
318 x, [2, 5], z[0], [2, 5], x_init_value=x_init
    [all...]
softplus_op_test.py 85 x, [2, 5], y, [2, 5], x_init_value=x_init)
102 x, [2, 5], grad, [2, 5], x_init_value=x_init)
120 x, [2, 5], grad_grad, [2, 5], x_init_value=x_init)
pooling_ops_3d_test.py 242 x_init_value = None
244 x_init_value = np.asfarray(np.arange(1, total_size + 1),
271 x_init_value=x_init_value,
278 x_init_value=x_init_value,
embedding_ops_test.py 483 x_init_value = [params[x_n + ":0"] for x_n in x_name]
484 x_shape = [i.shape for i in x_init_value]
486 x, x_shape, y, y_shape, x_init_value=x_init_value)
503 x_init_value = [params[x_n + ":0"] for x_n in x_name]
504 x_shape = [i.shape for i in x_init_value]
506 x, x_shape, y, y_shape, x_init_value=x_init_value)
715 x_init_value = [params[x_n + ":0"] for x_n in x_name]
716 x_shape = [i.shape for i in x_init_value]
    [all...]
softsign_op_test.py 64 x, [2, 5], y, [2, 5], x_init_value=x_init)
linalg_grad_test.py 82 x_init_value=a_np,
131 x_init_value=factor_init,
sparse_matmul_op_test.py 154 x_init_value=a.eval(),
158 x_init_value=b.eval(),
cwise_ops_test.py 116 inx, s, y, s, x_init_value=x)
121 inxf, s, yf, s, x_init_value=xf, delta=1e-2)
127 inx, s, y, s, x_init_value=x, delta=1e-3)
132 inx, s, y, s, x_init_value=x, delta=1e-5)
522 x_init_value=[rand(dtype), rand(dtype)])
585 inx, xs, out, zs, x_init_value=x)
593 inxf, xs, outf, zs, x_init_value=xf, delta=1e-3)
615 iny, ys, out, zs, x_init_value=y)
623 inyf, ys, outf, zs, x_init_value=yf)
    [all...]
reduction_ops_test.py 159 t, x.shape, su, su.get_shape().as_list(), x_init_value=x, delta=1)
622 t, s, su, [2, 2], x_init_value=x, delta=1)
632 t, s, su, [2, 4, 2], x_init_value=x, delta=1)
642 t, s, su, [2, 3, 2], x_init_value=x, delta=1)
652 t, s, su, [1], x_init_value=x, delta=1)
749 t, s, su, [2, 2], x_init_value=x, delta=1)
759 t, s, su, [2, 4, 2], x_init_value=x, delta=1)
769 t, s, su, [2, 3, 2], x_init_value=x, delta=1)
779 t, s, su, [1], x_init_value=x, delta=1)
    [all...]
pooling_ops_test.py 889 x_init_value=None):
    [all...]
scan_ops_test.py 152 t, shape, result, shape, x_init_value=x, delta=1)
258 t, shape, result, shape, x_init_value=x, delta=1)
manip_ops_test.py 55 inx, xs, y, ys, x_init_value=np_input)
sparse_reorder_op_test.py 120 x_init_value=input_val.values)
segment_reduction_ops_test.py 241 x_init_value=np_x.astype(np.double),
341 x_init_value=np_x,
365 values_tf, (9,), s, (3,), x_init_value=values, delta=1)
389 x_init_value=np_x, delta=1))
397 x_init_value=np_x,
724 x_init_value=np_x.astype(np.double),
750 x_init_value=np_x.astype(np.double),
    [all...]
  /external/tensorflow/tensorflow/cc/framework/
gradient_checker.cc 393 const Tensor& x_init_value, const Output& y,
395 // Initialize 'x_data' from 'x_init_value'.
396 std::vector<Tensor> x_datas(1, Tensor(x_init_value));
408 const Scope& scope, const Output& x, const Tensor& x_init_value, \
gradient_checker.h 58 const Tensor& x_init_value, const Output& y,
  /external/tensorflow/tensorflow/contrib/layers/python/layers/
embedding_ops_test.py 761 x_init_value = [params[x_n + ":0"] for x_n in x_name]
762 x_shape = [i.shape for i in x_init_value]
765 x, x_shape, y, y_shape, x_init_value=x_init_value)

Completed in 815 milliseconds

1 2