/external/tensorflow/tensorflow/cc/gradients/ |
D | nn_grad_test.cc | 62 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y, in RunTest() argument 66 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest() 134 Tensor x_init_value = in TEST_F() local 138 RunTest(x, x_init_value, y, shape); in TEST_F() 146 Tensor x_init_value = test::AsTensor<float>( in TEST_F() local 149 RunTest(x, x_init_value, y, shape); in TEST_F() 158 Tensor x_init_value = test::AsTensor<float>( in TEST_F() local 161 RunTest(x, x_init_value, y, shape); in TEST_F() 170 Tensor x_init_value = test::AsTensor<float>( in TEST_F() local 173 RunTest(x, x_init_value, y, shape); in TEST_F() [all …]
|
D | math_grad_test.cc | 722 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y, in RunTest() argument 727 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest() 758 Tensor x_init_value = in TEST_F() local 760 RunTest(x, x_init_value, y, y_shape); in TEST_F() 769 Tensor x_init_value = in TEST_F() local 771 RunTest(x, x_init_value, y, y_shape); in TEST_F() 910 Tensor x_init_value = in TEST_F() local 912 RunTest(x, x_init_value, y, shape); in TEST_F() 921 Tensor x_init_value = in TEST_F() local 923 RunTest(x, x_init_value, y, shape); in TEST_F()
|
/external/tensorflow/tensorflow/python/ops/ |
D | gradient_checker.py | 216 x_init_value=None, argument 227 if x_init_value is not None: 228 i_shape = list(x_init_value.shape) 231 x_data = x_init_value 248 x_init_value=None, argument 260 if x_init_value is None: 261 x_init_value = [None] * len(x) 265 x_init_value)] 274 x_init_value=None, argument 318 return _compute_gradient_list(x, x_shape, y, y_shape, x_init_value, delta, [all …]
|
D | image_grad_test.py | 66 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 82 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 98 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 105 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 136 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 150 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 173 input_tensor, in_shape, resized_tensor, out_shape, x_init_value=x) 230 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 246 input_tensor, in_shape, resize_out, out_shape, x_init_value=x) 296 x_init_value=x) [all …]
|
D | nn_grad_test.py | 41 x_init_value = np.array([[-3.5, -1.5, 2, 4], [4.5, 7.5, 8.5, 11]]) 50 x_init_value=x_init_value)
|
D | gradient_checker_test.py | 93 x_init_value = np.asarray(np.arange(6, dtype=np.float64).reshape(2, 3)) 95 x2, size, y, size, x_init_value=x_init_value, delta=1e-2)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | pooling_ops_3d_test.py | 242 x_init_value = None 244 x_init_value = np.asfarray(np.arange(1, total_size + 1), 272 x_init_value=x_init_value, 279 x_init_value=x_init_value,
|
D | softplus_op_test.py | 87 x, [2, 5], y, [2, 5], x_init_value=x_init) 105 x, [2, 5], grad, [2, 5], x_init_value=x_init) 124 x, [2, 5], grad_grad, [2, 5], x_init_value=x_init)
|
D | embedding_ops_test.py | 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) 524 x_init_value = [params[x_n + ":0"] for x_n in x_name] 525 x_shape = [i.shape for i in x_init_value] 527 x, x_shape, y, y_shape, x_init_value=x_init_value) 765 x_init_value = [params[x_n + ":0"] for x_n in x_name] 766 x_shape = [i.shape for i in x_init_value] 769 x, x_shape, y, y_shape, x_init_value=x_init_value)
|
D | cwise_ops_test.py | 335 inx, s, out, s, x_init_value=x) 343 inxf, s, outf, s, x_init_value=xf) 359 iny, s, out, s, x_init_value=y, delta=1.0) 367 inyf, s, outf, s, x_init_value=yf) 482 inx, s, out, s, x_init_value=x) 490 inxf, s, outf, s, x_init_value=xf) 506 iny, s, out, s, x_init_value=y) 514 inyf, s, outf, s, x_init_value=yf) 613 inx, s, out, s, x_init_value=x) 628 iny, s, out, s, x_init_value=y) [all …]
|
D | pooling_ops_test.py | 955 x_init_value=None): argument 986 if x_init_value is None: 987 x_init_value = np.asfarray( 1015 x_init_value=x_init_value, 1031 x_init_value=None): argument 1062 if x_init_value is None: 1063 x_init_value = np.asfarray( 1092 x_init_value=x_init_value,
|
D | linalg_grad_test.py | 90 x_init_value=a_np, 140 x_init_value=factor_init,
|
D | sparse_matmul_op_test.py | 160 x_init_value=a.eval(), 164 x_init_value=b.eval(),
|
D | fractional_avg_pool_op_test.py | 457 x_init_value=input_data.reshape(input_shape), 489 x_init_value=input_data.reshape(input_shape), 517 x_init_value=input_data.reshape(input_shape),
|
D | reduction_ops_test.py | 166 t, x.shape, su, su.get_shape().as_list(), x_init_value=x, delta=1) 738 t, s, su, [2, 2], x_init_value=x, delta=1) 749 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 760 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 771 t, s, su, [1], x_init_value=x, delta=1) 871 t, s, su, [2, 2], x_init_value=x, delta=1) 882 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 893 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 904 t, s, su, [1], x_init_value=x, delta=1)
|
D | segment_reduction_ops_test.py | 253 x_init_value=np_x.astype(np.double), 356 x_init_value=np_x, 381 values_tf, (9,), s, (3,), x_init_value=values, delta=1) 406 x_init_value=np_x, delta=1)) 414 x_init_value=np_x, 772 x_init_value=np_x.astype(np.double), 799 x_init_value=np_x.astype(np.double),
|
D | softsign_op_test.py | 66 x, [2, 5], y, [2, 5], x_init_value=x_init)
|
D | fractional_max_pool_op_test.py | 462 x_init_value=input_data.reshape(input_shape), 496 x_init_value=input_data.reshape(input_shape), 526 x_init_value=input_data.reshape(input_shape),
|
D | batchtospace_op_test.py | 262 x_init_value=x, 323 x_init_value=x,
|
D | cwise_ops_unary_test.py | 102 inx, s, y, s, x_init_value=x) 107 inxf, s, yf, s, x_init_value=xf, delta=1e-2) 113 inx, s, y, s, x_init_value=x, delta=1e-3) 118 inx, s, y, s, x_init_value=x, delta=1e-5) 538 x_init_value=[rand(dtype, real_range),
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.test.pbtxt | 29 …argspec: "args=[\'x\', \'x_shape\', \'y\', \'y_shape\', \'x_init_value\', \'delta\', \'init_target… 33 …argspec: "args=[\'x\', \'x_shape\', \'y\', \'y_shape\', \'x_init_value\', \'delta\', \'init_target…
|
/external/tensorflow/tensorflow/cc/framework/ |
D | gradient_checker.h | 58 const Tensor& x_init_value, const Output& y,
|
D | gradient_checker.cc | 400 const Tensor& x_init_value, const Output& y, in ComputeGradientError() argument 403 std::vector<Tensor> x_datas(1, Tensor(x_init_value)); in ComputeGradientError() 415 const Scope& scope, const Output& x, const Tensor& x_init_value, \
|
/external/tensorflow/tensorflow/contrib/image/python/kernel_tests/ |
D | image_ops_test.py | 228 x_init_value=test_image) 255 x_init_value=test_image)
|
/external/tensorflow/tensorflow/contrib/layers/python/layers/ |
D | embedding_ops_test.py | 774 x_init_value = [params[x_n + ":0"] for x_n in x_name] 775 x_shape = [i.shape for i in x_init_value] 778 x, x_shape, y, y_shape, x_init_value=x_init_value)
|