/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 | 744 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y, in RunTest() argument 749 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest() 780 Tensor x_init_value = in TEST_F() local 782 RunTest(x, x_init_value, y, y_shape); in TEST_F() 791 Tensor x_init_value = in TEST_F() local 793 RunTest(x, x_init_value, y, y_shape); in TEST_F() 932 Tensor x_init_value = in TEST_F() local 934 RunTest(x, x_init_value, y, shape); in TEST_F() 943 Tensor x_init_value = in TEST_F() local 945 RunTest(x, x_init_value, y, shape); in TEST_F()
|
/external/tensorflow/tensorflow/python/ops/ |
D | gradient_checker.py | 217 x_init_value=None, argument 228 if x_init_value is not None: 229 i_shape = list(x_init_value.shape) 232 x_data = x_init_value 249 x_init_value=None, argument 261 if x_init_value is None: 262 x_init_value = [None] * len(x) 267 x_init_value)] 281 x_init_value=None, argument 325 return _compute_gradient_list(x, x_shape, y, y_shape, x_init_value, delta, [all …]
|
D | nn_grad_test.py | 67 x_init_value = np.array([[-3.5, -1.5, 2, 4], [4.5, 7.5, 8.5, 11]]) 76 x_init_value=x_init_value)
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | pooling_ops_3d_test.py | 262 x_init_value = None 264 x_init_value = np.asfarray(np.arange(1, total_size + 1), 292 x_init_value=x_init_value, 299 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 | 504 x_init_value = [params[x_n + ":0"] for x_n in x_name] 505 x_shape = [i.shape for i in x_init_value] 507 x, x_shape, y, y_shape, x_init_value=x_init_value) 525 x_init_value = [params[x_n + ":0"] for x_n in x_name] 526 x_shape = [i.shape for i in x_init_value] 528 x, x_shape, y, y_shape, x_init_value=x_init_value) 770 x_init_value = [params[x_n + ":0"] for x_n in x_name] 771 x_shape = [i.shape for i in x_init_value] 774 x, x_shape, y, y_shape, x_init_value=x_init_value)
|
D | cwise_ops_test.py | 349 x_init_value=None): argument 355 if x_init_value is None: 356 x_init_value = x 358 x_init_value = np.broadcast_to(y, x.shape) 360 inx, s, out, s, x_init_value=x_init_value) 368 inxf, s, outf, s, x_init_value=xf) 384 iny, s, out, s, x_init_value=x, delta=1.0) 392 inyf, s, outf, s, x_init_value=yf) 657 inx, s, out, s, x_init_value=x) 665 inxf, s, outf, s, x_init_value=xf) [all …]
|
D | sparse_matmul_op_test.py | 161 x_init_value=self.evaluate(a), 165 x_init_value=self.evaluate(b),
|
D | softsign_op_test.py | 66 x, [2, 5], y, [2, 5], x_init_value=x_init)
|
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 | pooling_ops_test.py | 1119 x_init_value=None): argument 1150 if x_init_value is None: 1151 x_init_value = np.asfarray( 1181 x_init_value=x_init_value, 1197 x_init_value=None): argument 1228 if x_init_value is None: 1229 x_init_value = np.asfarray( 1258 x_init_value=x_init_value,
|
D | reduction_ops_test.py | 185 t, x.shape, su, su.get_shape().as_list(), x_init_value=x, delta=1) 801 t, s, su, [2, 2], x_init_value=x, delta=1) 812 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 823 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 834 t, s, su, [1], x_init_value=x, delta=1) 931 t, s, su, [2, 2], x_init_value=x, delta=1) 942 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 953 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 964 t, s, su, [1], x_init_value=x, delta=1)
|
D | segment_reduction_ops_test.py | 255 x_init_value=np_x.astype(np.double), 369 x_init_value=np_x, 419 values_tf, (9,), s, (3,), x_init_value=values, delta=1) 444 x_init_value=np_x, delta=1)) 452 x_init_value=np_x, 820 x_init_value=np_x.astype(np.double), 847 x_init_value=np_x.astype(np.double),
|
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 | scan_ops_test.py | 175 t, shape, result, shape, x_init_value=x, delta=1) 301 t, shape, result, shape, x_init_value=x, delta=1)
|
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) 576 x_init_value=[rand(dtype, real_range),
|
D | sparse_reorder_op_test.py | 124 x_init_value=input_val.values)
|
/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/python/ops/v1_compat_tests/ |
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/linalg/sparse/ |
D | csr_sparse_matrix_dense_mat_mul_grad_test.py | 102 x_init_value=val,
|
D | csr_sparse_matrix_sparse_mat_mul_grad_test.py | 105 x_init_value=val,
|