/external/tensorflow/tensorflow/cc/gradients/ |
D | nn_grad_test.cc | 67 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y, in RunTest() argument 71 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest() 146 Tensor x_init_value = in TEST_F() local 150 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() 182 Tensor x_init_value = test::AsTensor<float>( in TEST_F() local 185 RunTest(x, x_init_value, y, shape); in TEST_F() [all …]
|
D | math_grad_test.cc | 753 void RunTest(const Output& x, const Tensor& x_init_value, const Output& y, in RunTest() argument 758 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest() 789 Tensor x_init_value = in TEST_F() local 791 RunTest(x, x_init_value, y, y_shape); in TEST_F() 800 Tensor x_init_value = in TEST_F() local 802 RunTest(x, x_init_value, y, y_shape); in TEST_F() 950 Tensor x_init_value = in TEST_F() local 952 RunTest(x, x_init_value, y, shape); in TEST_F() 961 Tensor x_init_value = in TEST_F() local 963 RunTest(x, x_init_value, y, shape); in TEST_F()
|
/external/tensorflow/tensorflow/python/ops/ |
D | gradient_checker.py | 214 x_init_value=None, argument 225 if x_init_value is not None: 226 i_shape = list(x_init_value.shape) 229 x_data = x_init_value 246 x_init_value=None, argument 258 if x_init_value is None: 259 x_init_value = [None] * len(x) 264 x_init_value)] 278 x_init_value=None, argument 322 return _compute_gradient_list(x, x_shape, y, y_shape, x_init_value, delta, [all …]
|
D | nn_grad_test.py | 63 x_init_value = np.array([[-3.5, -1.5, 2, 4], [4.5, 7.5, 8.5, 11]]) 72 x_init_value=x_init_value)
|
/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
D | softplus_op_test.py | 83 x, [2, 5], y, [2, 5], x_init_value=x_init) 101 x, [2, 5], grad, [2, 5], x_init_value=x_init) 120 x, [2, 5], grad_grad, [2, 5], x_init_value=x_init)
|
D | pooling_ops_3d_test.py | 282 x_init_value = None 284 x_init_value = np.asfarray(np.arange(1, total_size + 1), 312 x_init_value=x_init_value, 319 x_init_value=x_init_value,
|
D | embedding_ops_test.py | 499 x_init_value = [params[x_n + ":0"] for x_n in x_name] 500 x_shape = [i.shape for i in x_init_value] 502 x, x_shape, y, y_shape, x_init_value=x_init_value) 520 x_init_value = [params[x_n + ":0"] for x_n in x_name] 521 x_shape = [i.shape for i in x_init_value] 523 x, x_shape, y, y_shape, x_init_value=x_init_value) 785 x_init_value = [params[x_n + ":0"] for x_n in x_name] 786 x_shape = [i.shape for i in x_init_value] 789 x, x_shape, y, y_shape, x_init_value=x_init_value)
|
D | softsign_op_test.py | 62 x, [2, 5], y, [2, 5], x_init_value=x_init)
|
D | fractional_avg_pool_op_test.py | 480 x_init_value=input_data.reshape(input_shape), 512 x_init_value=input_data.reshape(input_shape), 540 x_init_value=input_data.reshape(input_shape),
|
D | pooling_ops_test.py | 1161 x_init_value=None): argument 1192 if x_init_value is None: 1193 x_init_value = np.asfarray( 1223 x_init_value=x_init_value, 1239 x_init_value=None): argument 1270 if x_init_value is None: 1271 x_init_value = np.asfarray( 1300 x_init_value=x_init_value,
|
D | fractional_max_pool_op_test.py | 493 x_init_value=input_data.reshape(input_shape), 527 x_init_value=input_data.reshape(input_shape), 557 x_init_value=input_data.reshape(input_shape),
|
/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/python/kernel_tests/math_ops/ |
D | cwise_ops_test.py | 343 x_init_value=None): argument 349 if x_init_value is None: 350 x_init_value = x 352 x_init_value = np.broadcast_to(y, x.shape) 354 inx, s, out, s, x_init_value=x_init_value) 362 inxf, s, outf, s, x_init_value=xf) 378 iny, s, out, s, x_init_value=x, delta=1.0) 386 inyf, s, outf, s, x_init_value=yf) 651 inx, s, out, s, x_init_value=x) 659 inxf, s, outf, s, x_init_value=xf) [all …]
|
D | reduction_ops_test.py | 181 t, x.shape, su, su.get_shape().as_list(), x_init_value=x, delta=1) 805 t, s, su, [2, 2], x_init_value=x, delta=1) 816 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 827 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 838 t, s, su, [1], x_init_value=x, delta=1) 936 t, s, su, [2, 2], x_init_value=x, delta=1) 947 t, s, su, [2, 4, 2], x_init_value=x, delta=1) 958 t, s, su, [2, 3, 2], x_init_value=x, delta=1) 969 t, s, su, [1], x_init_value=x, delta=1)
|
D | segment_reduction_ops_test.py | 254 x_init_value=np_x.astype(np.double), 389 x_init_value=np_x, 439 values_tf, (9,), s, (3,), x_init_value=values, delta=1) 464 x_init_value=np_x, delta=1)) 472 x_init_value=np_x, 894 x_init_value=np_x.astype(np.double), 921 x_init_value=np_x.astype(np.double),
|
D | cwise_ops_unary_test.py | 98 inx, s, y, s, x_init_value=x) 103 inxf, s, yf, s, x_init_value=xf, delta=1e-2) 109 inx, s, y, s, x_init_value=x, delta=1e-3) 114 inx, s, y, s, x_init_value=x, delta=1e-5) 635 x_init_value=[rand(dtype, real_range),
|
/external/tensorflow/tensorflow/cc/framework/ |
D | gradient_checker.h | 58 const Tensor& x_init_value, const Output& y,
|
D | gradient_checker.cc | 407 const Tensor& x_init_value, const Output& y, in ComputeGradientError() argument 410 std::vector<Tensor> x_datas(1, Tensor(x_init_value)); in ComputeGradientError() 422 const Scope& scope, const Output& x, const Tensor& x_init_value, \
|
/external/tensorflow/tensorflow/python/ops/v1_compat_tests/ |
D | 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)
|
/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/ |
D | sparse_matmul_op_test.py | 157 x_init_value=self.evaluate(a), 161 x_init_value=self.evaluate(b),
|
D | sparse_reorder_op_test.py | 120 x_init_value=input_val.values)
|
/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
D | batchtospace_op_test.py | 258 x_init_value=x, 319 x_init_value=x,
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/sparse/ |
D | csr_sparse_matrix_sparse_mat_mul_grad_test.py | 100 x_init_value=val,
|
D | csr_sparse_matrix_dense_mat_mul_grad_test.py | 106 x_init_value=val,
|
/external/tensorflow/tensorflow/python/kernel_tests/control_flow/ |
D | scan_ops_test.py | 171 t, shape, result, shape, x_init_value=x, delta=1) 297 t, shape, result, shape, x_init_value=x, delta=1)
|