Home
last modified time | relevance | path

Searched refs:x_tensor (Results 1 – 23 of 23) sorted by relevance

/external/pytorch/aten/src/ATen/test/
Datest.cpp13 x_tensor = tensor({10, -1, 0, 1, -10}); in SetUp()
22 Tensor x_tensor, y_tensor; member in atest
48 const Tensor& x_tensor, in unit_binary_ops_test() argument
54 func(out_tensor, x_tensor.to(dtype), y_tensor.to(dtype), args...); in unit_binary_ops_test()
78 const Tensor& x_tensor, in run_binary_ops_test() argument
85 unit_binary_ops_test(func, x_tensor, y_tensor, exp, kInt, args...); in run_binary_ops_test()
90 unit_binary_ops_test(func, x_tensor, y_tensor, exp, kFloat, args...); in run_binary_ops_test()
95 unit_binary_ops_test(func, x_tensor, y_tensor, exp, kBool, args...); in run_binary_ops_test()
190 add_out, x_tensor, y_tensor, exp_tensor, INTBOOL, 2); in TEST_F()
197 max_out, x_tensor, y_tensor, exp_tensor, INTBOOLFLOAT); in TEST_F()
[all …]
/external/tensorflow/tensorflow/core/common_runtime/
Ddirect_session_with_tracking_alloc_test.cc56 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TEST() local
57 test::FillValues<float>(&x_tensor, {1, 1}); in TEST()
58 Node* x = test::graph::Constant(&graph, x_tensor); in TEST()
175 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TestHWAccelerator() local
176 test::FillValues<float>(&x_tensor, {1, 1}); in TestHWAccelerator()
177 Node* x = test::graph::Constant(&graph, x_tensor); in TestHWAccelerator()
258 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TEST() local
259 test::FillValues<float>(&x_tensor, {1, 1}); in TEST()
260 Node* x = test::graph::Constant(&graph, x_tensor); in TEST()
321 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TEST() local
[all …]
Ddirect_session_test.cc104 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in Initialize() local
105 test::FillValues<float>(&x_tensor, {1, 1}); in Initialize()
106 Node* x = test::graph::Constant(&graph, x_tensor); in Initialize()
683 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TEST_F() local
684 x_tensor.flat<float>().setRandom(); in TEST_F()
685 Node* x = test::graph::Constant(&graph, x_tensor); in TEST_F()
/external/pytorch/torch/autograd/
Dgradcheck.py154 def _iter_tensor(x_tensor): argument
171 if _is_sparse_any_tensor(x_tensor):
182 x_nnz = x_tensor._nnz()
183 x_size = list(x_tensor.size())
184 if x_tensor.layout is torch.sparse_coo:
185 x_indices = x_tensor._indices().t()
186 x_values = x_tensor._values()
187 elif x_tensor.layout is torch.sparse_csr:
189 x_tensor.crow_indices(), x_tensor.col_indices()
191 x_values = x_tensor.values()
[all …]
/external/tensorflow/tensorflow/core/kernels/rnn/
Dgru_ops.cc34 const Tensor* x_tensor = nullptr; in Compute() local
35 OP_REQUIRES_OK(ctx, ctx->input("x", &x_tensor)); in Compute()
52 const int64_t batch_size = x_tensor->dim_size(0); in Compute()
53 const int64_t input_size = x_tensor->dim_size(1); in Compute()
152 ctx, device, x_tensor->matrix<T>(), h_prev_tensor->matrix<T>(), in Compute()
177 const Tensor* x_tensor = nullptr; in Compute() local
178 OP_REQUIRES_OK(ctx, ctx->input("x", &x_tensor)); in Compute()
207 const int64_t batch_size = x_tensor->dim_size(0); in Compute()
208 const int64_t input_size = x_tensor->dim_size(1); in Compute()
360 ctx, device, x_tensor->matrix<T>(), h_prev_tensor->matrix<T>(), in Compute()
Dlstm_ops.cc307 const Tensor* x_tensor = nullptr; in Compute() local
308 OP_REQUIRES_OK(ctx, ctx->input("x", &x_tensor)); in Compute()
331 const int64_t batch_size = x_tensor->dim_size(0); in Compute()
332 const int64_t input_size = x_tensor->dim_size(1); in Compute()
420 OP_REQUIRES(ctx, x_tensor->dims() == 2, in Compute()
422 x_tensor->dims(), ".")); in Compute()
481 x_tensor->matrix<T>(), cs_prev_tensor->matrix<T>(), in Compute()
524 const Tensor* x_tensor = nullptr; in Compute() local
525 OP_REQUIRES_OK(ctx, ctx->input("x", &x_tensor)); in Compute()
572 const int64_t batch_size = x_tensor->dim_size(0); in Compute()
[all …]
/external/tensorflow/tensorflow/python/debug/lib/
Ddebug_gradients.py302 def gradient_tensor(self, x_tensor): argument
318 x_tensor_name = self._get_tensor_name(x_tensor)
366 def gradient_values_from_dump(grad_debugger, x_tensor, dump): argument
404 gradient_tensor = grad_debugger.gradient_tensor(x_tensor)
/external/tensorflow/tensorflow/compiler/tests/
Dlistdiff_op_test.py32 x_tensor = ops.convert_to_tensor(x, dtype=dtype)
36 x_tensor, y_tensor, out_idx=index_dtype)
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/
Ddata_format_vec_permute.cc155 ITensorProxyPtr x_tensor = in Convert() local
164 *x_tensor->trt_tensor(), *indices_tensor->trt_tensor(), 0); in Convert()
/external/tensorflow/tensorflow/python/kernel_tests/data_structures/
Dlistdiff_op_test.py41 x_tensor = ops.convert_to_tensor(x, dtype=dtype)
43 out_tensor, idx_tensor = diff_func(x_tensor, y_tensor,
/external/pytorch/torch/_numpy/
D_funcs_impl.py504 def _xy_helper_corrcoef(x_tensor, y_tensor=None, rowvar=True): argument
510 ndim_extra = 2 - x_tensor.ndim
512 x_tensor = x_tensor.view((1,) * ndim_extra + x_tensor.shape)
513 if not rowvar and x_tensor.shape[0] != 1:
514 x_tensor = x_tensor.mT
515 x_tensor = x_tensor.clone()
524 x_tensor = _concatenate((x_tensor, y_tensor), axis=0)
526 return x_tensor
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_util_test.py386 x_tensor = ops.convert_to_tensor(x)
393 for inputs in [x, x_tensor, x_placeholder, x_list]:
402 for inputs in [x, x_tensor, x_placeholder, x_list]:
/external/tensorflow/tensorflow/core/distributed_runtime/
Dmaster_test.cc374 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in TEST_F() local
375 test::FillValues<float>(&x_tensor, {0, 0}); in TEST_F()
376 Node* x_node = test::graph::Constant(&graph, x_tensor); in TEST_F()
/external/tensorflow/tensorflow/core/profiler/backends/gpu/
Ddevice_tracer_test.cc91 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in Initialize() local
92 test::FillValues<float>(&x_tensor, {1, 1}); in Initialize()
93 Node* x = test::graph::HostConstant(&graph, x_tensor); in Initialize()
/external/tensorflow/tensorflow/core/framework/
Drun_handler_test.cc607 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in Initialize() local
608 test::FillValues<float>(&x_tensor, {1, 1}); in Initialize()
609 Node* x = test::graph::Constant(&graph, x_tensor); in Initialize()
/external/tensorflow/tensorflow/python/ops/
Dimage_ops_test.py1770 x_tensor = ops.convert_to_tensor(x)
1772 x_tensor = x
1774 y = image_ops.crop_to_bounding_box(x_tensor, offset_height, offset_width,
2097 x_tensor = ops.convert_to_tensor(x)
2099 x_tensor = x
2106 return self.evaluate(pad_bbox(x_tensor, offset_height, offset_width,
2348 x_tensor = ops.convert_to_tensor(x)
2350 x_tensor = x
2358 pad_bbox(x_tensor, offset_height, offset_width, target_height,
3282 x_tensor = ops.convert_to_tensor(x)
[all …]
/external/pytorch/torch/_decomp/
Ddecompositions.py2171 x_tensor = x
2173 x_tensor = torch.scalar_tensor(x)
2175 if device is not None and device != x_tensor.device:
2178 x_tensor = torch._prims.convert_element_type(x_tensor, dtype)
2180 x_tensor = torch._prims.device_put(x_tensor, device)
2183 x_tensor = torch._prims.convert_element_type(x_tensor, dtype)
2187 return torch.clone(x_tensor, memory_format=memory_format)
2188 return x_tensor
/external/tensorflow/tensorflow/core/distributed_runtime/rpc/
Dgrpc_session_test.cc337 Tensor x_tensor(DT_FLOAT, TensorShape({2, 1})); in FindMaxEigen() local
338 test::FillValues<float>(&x_tensor, {0, 0}); in FindMaxEigen()
339 Node* x = test::graph::Constant(&graph, x_tensor); in FindMaxEigen()
/external/tensorflow/tensorflow/python/data/kernel_tests/
Dmap_test.py780 def _map_fn(x_tensor): argument
784 _map_py_func, [x_tensor], [dtypes.int64, dtypes.float64])
/external/pytorch/test/
Dtest_binary_ufuncs.py3901 x_tensor = torch.tensor([x], dtype=dtype, device=device)
3903 actual = torch.atan2(y_tensor, x_tensor)
Dtest_mps.py3605 def helper(x_tensor, y_func, z_func, r_func=None): argument
3606 x_mps = x_tensor.detach().clone().to("mps")
3608 y = y_func(x_tensor)
Dtest_nn.py2177 x_tensor = torch.tensor(X)
2181 actual_output = torch.fbgemm_linear_fp16_weight(x_tensor, packed_w_tensor, b_tensor)
/external/pytorch/torch/testing/_internal/
Dcommon_methods_invocations.py5735 x_tensor = make_arg(x_shape)
5736 yield SampleInput(y_tensor, x_tensor, **kwarg)
5761 x_tensor = make_arg(x_shape)
5762 yield SampleInput(y_tensor, x_tensor, **kwarg)