Home
last modified time | relevance | path

Searched refs:y_shape (Results 1 – 25 of 49) sorted by relevance

12

/external/tensorflow/tensorflow/cc/gradients/
Darray_grad_test.cc36 const TensorShape& y_shape) { in RunTest() argument
40 scope_, {x}, {x_shape}, {y}, {y_shape}, &max_error))); in RunTest()
62 TensorShape y_shape({2, 1, 2, 3}); in TEST_F() local
63 RunTest(xs, {x_shape, x_shape}, {y}, {y_shape}); in TEST_F()
72 TensorShape y_shape({1, 2, 2, 3}); in TEST_F() local
73 RunTest(xs, {x_shape, x_shape}, {y}, {y_shape}); in TEST_F()
107 TensorShape y_shape = TensorShape({5, 1}); in TEST_F() local
108 RunTest({x}, {x_shape}, y.output, {y_shape, y_shape}); in TEST_F()
122 TensorShape y_shape({2, 5, 3}); in TEST_F() local
124 RunTest(x, x_shape, y, y_shape); in TEST_F()
[all …]
Dlinalg_grad_test.cc36 const TensorShape& y_shape) { in RunTest() argument
40 scope_, {x}, {x_shape}, {y}, {y_shape}, &max_error))); in RunTest()
60 TensorShape y_shape({3, 2}); in TEST_F() local
61 RunTest({x}, {x_shape}, {y}, {y_shape}); in TEST_F()
68 TensorShape y_shape({3, 3, 2}); in TEST_F() local
69 RunTest({x}, {x_shape}, {y}, {y_shape}); in TEST_F()
74 TensorShape y_shape({3, 3}); in TEST_F() local
76 Output y = Placeholder(scope_, DT_FLOAT, Placeholder::Shape(y_shape)); in TEST_F()
79 RunTest({x, y}, {x_shape, y_shape}, {z}, {z_shape}); in TEST_F()
84 TensorShape y_shape({3, 3}); in TEST_F() local
[all …]
Dmath_grad_test.cc612 TensorShape y_shape = shapes[1]; in TestMatMulGrad() local
617 Placeholder(root_, DataTypeToEnum<T>::v(), Placeholder::Shape(y_shape)); in TestMatMulGrad()
627 root_, {x, y}, {x_shape, y_shape}, {z}, {z_shape}, &max_error))); in TestMatMulGrad()
650 TensorShape y_shape; in RandMatMulShapes() local
653 y_shape = ty ? TensorShape({b, n, k}) : TensorShape({b, k, n}); in RandMatMulShapes()
656 y_shape = ty ? TensorShape({n, k}) : TensorShape({k, n}); in RandMatMulShapes()
658 shapes->push_back(y_shape); in RandMatMulShapes()
754 const TensorShape& y_shape) { in RunTest() argument
758 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest()
770 TensorShape y_shape({2, 5}); in TEST_F() local
[all …]
Dnn_grad_test.cc60 const TensorShape& y_shape) { in RunTest() argument
63 scope_, {x}, {x_shape}, {y}, {y_shape}, &max_error))); in RunTest()
68 const TensorShape& y_shape) { in RunTest() argument
71 scope_, x, x_init_value, y, y_shape, &max_error))); in RunTest()
224 TensorShape y_shape({1}); in TEST_F() local
227 RunTest(x, x_shape, y, y_shape); in TEST_F()
250 TensorShape y_shape({1, 1, 1, 1}); in TEST_F() local
258 RunTest(x, x_init_value, y, y_shape); in TEST_F()
263 TensorShape y_shape({1, 1, 1, 1}); in TEST_F() local
271 RunTest(x, x_init_value, y, y_shape); in TEST_F()
[all …]
Dimage_grad_test.cc54 void MakeOp(const OpType op_type, const Tensor& x_data, const Input& y_shape, in MakeOp() argument
61 scope_, *x, y_shape, in MakeOp()
65 *y = ResizeBilinear(scope_, *x, y_shape, in MakeOp()
70 *y = ResizeBicubic(scope_, *x, y_shape, in MakeOp()
199 void MakeOp(const Tensor& x_data, const Input& y_shape, Input scale, in MakeOp() argument
203 *y = ScaleAndTranslate(scope_, *x, y_shape, scale, translation, in MakeOp()
Dmanip_grad_test.cc32 const TensorShape& y_shape) { in RunTest() argument
36 scope_, {x}, {x_shape}, {y}, {y_shape}, &max_error))); in RunTest()
Dfunctional_grad_test.cc37 const TensorShape& y_shape) { in RunTest() argument
41 scope_, {x}, {x_shape}, {y}, {y_shape}, &max_error)); in RunTest()
Ddata_flow_grad_test.cc67 TensorShape y_shape({3, 2}); in TEST_F() local
68 RunTest(data, {d1_shape, d2_shape}, {y}, {y_shape}); in TEST_F()
Dlinalg_grad.cc433 const auto y_shape = Shape(scope, y); in EinsumGrad() local
437 EinsumGradWrt(scope, grad, x, y_shape, y_subs, x_subs, output_subs); in EinsumGrad()
460 Slice1dHelper(scope, y_shape, by_start, by_end)); in EinsumGrad()
464 scope, ReduceSum(scope, grad_y, Add(scope, by_start, args.r1)), y_shape); in EinsumGrad()
/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/
Dconv3d_transpose_test.py36 y_shape = [2, 5, 6, 4, 2]
46 x, f, y_shape, strides=strides, padding="SAME")
64 for w in range(y_shape[3]):
65 for h in range(y_shape[2]):
66 for d in range(y_shape[1]):
67 d_in = d > 0 and d < y_shape[1] - 1
68 h_in = h > 0 and h < y_shape[2] - 1
69 w_in = w > 0 and w < y_shape[3] - 1
86 y_shape = [2, 10, 12, 8, 2]
96 x, f, y_shape, strides=strides, padding="SAME")
[all …]
Dconv2d_transpose_test.py41 y_shape = [2, 6, 4, 2]
49 x, f, y_shape, strides=strides, padding="SAME")
61 for w in range(y_shape[2]):
62 for h in range(y_shape[1]):
64 h_in = h > 0 and h < y_shape[1] - 1
65 w_in = w > 0 and w < y_shape[2] - 1
82 y_shape = [2, 12, 8, 2]
90 x, f, y_shape, strides=strides, padding="SAME")
95 for w in range(y_shape[2]):
96 for h in range(y_shape[1]):
[all …]
Dconv1d_transpose_test.py36 y_shape = [2, 6, 2]
46 x, f, y_shape, strides=strides, padding="SAME")
49 for n in range(y_shape[0]):
50 for w in range(y_shape[1]):
51 for c in range(y_shape[2]):
53 w_in = w > 0 and w < y_shape[1] - 1
64 y_shape = [2, 8, 2]
74 x, f, y_shape, strides=strides, padding="SAME")
79 for w in range(y_shape[1]):
82 w_in = w % strides[1] == 0 and w > 0 and w < y_shape[1] - 1
[all …]
Dconv1d_test.py85 y_shape = [2, 9, 2]
95 x, f, y_shape, strides=stride, padding="VALID")
98 cache_values = np.zeros(y_shape, dtype=np.float32)
105 for w in range(pad, y_shape[1] - pad):
108 w_in = w % stride == 0 and w > pad and w < y_shape[1] - 1 - pad
Datrous_conv2d_test.py143 y_shape = [2, 5, 6, 2]
155 output, y_shape)
186 y_shape = [2, height, width, 2]
188 y_shape = [
193 y1 = nn_ops.atrous_conv2d_transpose(x, f, y_shape, rate,
196 x, f_up, y_shape, strides=[1, 1, 1, 1], padding=padding)
/external/tensorflow/tensorflow/compiler/tests/
Dconv3d_test.py72 y_shape = [2, 5, 6, 4, 2]
82 x, f, y_shape, strides=strides, padding="SAME")
100 for w in range(y_shape[3]):
101 for h in range(y_shape[2]):
102 for d in range(y_shape[1]):
103 d_in = d > 0 and d < y_shape[1] - 1
104 h_in = h > 0 and h < y_shape[2] - 1
105 w_in = w > 0 and w < y_shape[3] - 1
122 y_shape = [2, 10, 12, 8, 2]
132 x, f, y_shape, strides=strides, padding="SAME")
[all …]
/external/tensorflow/tensorflow/python/ops/
Dgradient_checker.py132 def _compute_numeric_jacobian(x, x_shape, x_data, y, y_shape, delta, argument
167 y_size = _product(y_shape) * (2 if y.dtype.is_complex else 1)
193 def _compute_dx_and_dy(x, y, y_shape): argument
200 dy_orig = constant_op.constant(1.0, shape=y_shape, dtype=y.dtype)
212 y_shape, argument
236 x, x_shape, x_data, dy, y_shape, dx, extra_feed_dict=extra_feed_dict)
238 x, x_shape, x_data, y, y_shape, delta, extra_feed_dict=extra_feed_dict)
245 y_shape, argument
252 dx, dy = zip(*[_compute_dx_and_dy(xi, y, y_shape) for xi in x])
261 ret = [_compute_gradient(xi, x_shapei, dxi, y, y_shape, dyi, x_init_valuei,
[all …]
Dgradient_checker_v2.py127 def _compute_theoretical_jacobian(f, y_shape, y_dtype, xs, param): argument
155 y_size = _product(y_shape) * y_factor
164 dy_data = np.zeros(y_shape, dtype=y_dtype.as_numpy_dtype)
257 def _compute_gradient(f, y_shape, y_dtype, xs, param, delta): argument
271 y_size = _product(y_shape)
272 jacob_t = _compute_theoretical_jacobian(f, y_shape, y_dtype, xs, param)
Dimage_ops_test.py1786 y_shape, argument
1789 target_height, target_width, _ = y_shape
1791 y = np.array(y).reshape(y_shape)
1832 y_shape = [2, 3, 1]
1834 self._assertReturns(x, x_shape, offset_height, offset_width, y, y_shape)
1837 y_shape = [3, 2, 1]
1839 self._assertReturns(x, x_shape, offset_height, offset_width, y, y_shape)
1842 y_shape = [2, 3, 1]
1844 self._assertReturns(x, x_shape, offset_height, offset_width, y, y_shape)
1847 y_shape = [3, 2, 1]
[all …]
Dsparse_grad.py243 y_shape = math_ops.cast(array_ops.shape(y), dtypes.int64)
245 array_ops.size(x_shape) - array_ops.size(y_shape), 0)
247 [array_ops.ones(num_added_dims, ops.dtypes.int64), y_shape], 0)
265 sparse_tensor.SparseTensor(scaled_indices, dy_val, y_shape))
/external/tensorflow/tensorflow/core/kernels/
Dquantized_add_op_test.cc40 float x_max_value, const std::vector<int64_t>& y_shape, in TestAdd() argument
56 Tensor y_float_tensor(DT_FLOAT, TensorShape(y_shape)); in TestAdd()
88 const std::vector<int64_t>& y_shape) { in TestAddShape() argument
97 const size_t y_num_elements = TensorShape(y_shape).num_elements(); in TestAddShape()
111 Tensor y_float_tensor(DT_FLOAT, TensorShape(y_shape)); in TestAddShape()
133 TestAdd(x_shape, x_values, x_min_value, x_max_value, y_shape, y_values, in TestAddShape()
138 const std::vector<int64_t>& y_shape, int64_t iterations) { in TimeAdd() argument
139 TestAddShape(x_shape, y_shape); in TimeAdd()
148 Tensor y_quantized_tensor(DT_QUINT8, TensorShape(y_shape)); in TimeAdd()
178 << TensorShape(y_shape).DebugString() in TimeAdd()
Dquantized_mul_op_test.cc40 float x_max_value, const std::vector<int64_t>& y_shape, in TestMul() argument
56 Tensor y_float_tensor(DT_FLOAT, TensorShape(y_shape)); in TestMul()
88 const std::vector<int64_t>& y_shape) { in TestMulShape() argument
97 const size_t y_num_elements = TensorShape(y_shape).num_elements(); in TestMulShape()
111 Tensor y_float_tensor(DT_FLOAT, TensorShape(y_shape)); in TestMulShape()
133 TestMul(x_shape, x_values, x_min_value, x_max_value, y_shape, y_values, in TestMulShape()
138 const std::vector<int64_t>& y_shape, int64_t iterations) { in TimeMul() argument
139 TestMulShape(x_shape, y_shape); in TimeMul()
148 Tensor y_quantized_tensor(DT_QUINT8, TensorShape(y_shape)); in TimeMul()
178 << TensorShape(y_shape).DebugString() in TimeMul()
/external/tensorflow/tensorflow/python/keras/utils/
Dkernelized_utils.py37 y_shape = y_matrix.shape
38 if y_shape[1] != x_shape[1]: # dimensions do not match.
41 'vs {}.'.format(y_shape[1], x_shape[1]))
44 array_ops.expand_dims(x_matrix, 1), [1, y_shape[0], 1])
/external/tensorflow/tensorflow/cc/framework/
Dgradient_checker_test.cc127 TensorShape y_shape({3, 2}); in TEST() local
131 auto y = Const(scope, {1.0, 2.0, 3.0, 4.0, 5.0, 6.0}, y_shape); in TEST()
147 TensorShape y_shape = TensorShape({5, 1}); in TEST() local
150 scope, {x}, {x_shape}, y.output, {y_shape, y_shape}, &max_error))); in TEST()
162 TensorShape y_shape({2, 1, 2, 3}); in TEST() local
165 scope, xs, {x_shape, x_shape}, {y}, {y_shape}, &max_error))); in TEST()
Dgradient_checker.cc115 for (const auto& y_shape : y_shapes) { in ComputeTheoreticalJacobianTranspose() local
118 ops::Cast(scope, ops::Const(scope, 1.0, y_shape), ys[0].type())); in ComputeTheoreticalJacobianTranspose()
408 const TensorShape& y_shape, JAC_T* max_error) { in ComputeGradientError() argument
413 scope, {x}, {x_datas[0].shape()}, {y}, {y_shape}, &x_datas, max_error); in ComputeGradientError()
423 const Output& y, const TensorShape& y_shape, JAC_T* max_error);
/external/tensorflow/tensorflow/tools/api/golden/v1/
Dtensorflow.test.pbtxt29 …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…

12