Home
last modified time | relevance | path

Searched refs:test_tensor (Results 1 – 25 of 28) sorted by relevance

12

/aosp_15_r20/external/executorch/backends/arm/test/ops/
H A Dtest_squeeze.py118 test_tensor: torch.Tensor,
121 self.Squeeze(), (test_tensor,), "torch.ops.aten.squeeze.default"
127 test_tensor: torch.Tensor,
130 self.Squeeze(), (test_tensor,), "torch.ops.aten.squeeze.default"
136 test_tensor: torch.Tensor,
141 (test_tensor,),
148 test_tensor: torch.Tensor,
153 (test_tensor,),
158 def test_squeeze_dim_tosa_MI(self, test_tensor: torch.Tensor, dim: int):
160 self.SqueezeDim(), (test_tensor, dim), "torch.ops.aten.squeeze.dim"
[all …]
H A Dtest_var.py144 def test_var_tosa_MI(self, test_tensor: torch.Tensor, keepdim, correction):
145 self._test_var_tosa_MI_pipeline(self.Var(), (test_tensor, keepdim, correction))
148 def test_var_tosa_BI(self, test_tensor: torch.Tensor, keepdim, correction):
149 self._test_var_tosa_BI_pipeline(self.Var(), (test_tensor, keepdim, correction))
152 def test_var_u55_BI(self, test_tensor: torch.Tensor, keepdim, correction):
156 (test_tensor, keepdim, correction),
160 def test_var_u85_BI(self, test_tensor: torch.Tensor, keepdim, correction):
164 (test_tensor, keepdim, correction),
168 def test_var_dim_tosa_MI(self, test_tensor: torch.Tensor, dim, keepdim, correction):
170 self.VarDim(), (test_tensor, dim, keepdim, correction)
[all …]
H A Dtest_unsqueeze.py90 def test_unsqueeze_tosa_MI(self, test_tensor: torch.Tensor):
91 for i in range(-test_tensor.dim() - 1, test_tensor.dim() + 1):
92 self._test_unsqueeze_tosa_MI_pipeline(self.Unsqueeze(), (test_tensor, i))
95 def test_unsqueeze_tosa_BI(self, test_tensor: torch.Tensor):
96 self._test_unsqueeze_tosa_BI_pipeline(self.Unsqueeze(), (test_tensor, 0))
99 def test_unsqueeze_u55_BI(self, test_tensor: torch.Tensor):
103 (test_tensor, 0),
107 def test_unsqueeze_u85_BI(self, test_tensor: torch.Tensor):
111 (test_tensor, 0),
H A Dtest_view.py124 def test_view_tosa_MI(self, test_tensor: torch.Tensor, new_shape):
125 self._test_view_tosa_MI_pipeline(self.View(), (test_tensor, new_shape))
128 def test_view_tosa_BI(self, test_tensor: torch.Tensor, new_shape):
129 self._test_view_tosa_BI_pipeline(self.View(), (test_tensor, new_shape))
132 def test_view_u55_BI(self, test_tensor: torch.Tensor, new_shape):
133 self._test_view_u55_BI_pipeline(self.View(), (test_tensor, new_shape))
137 def test_view_transpose_u55_BI(self, test_tensor: torch.Tensor, new_shape):
138 self._test_view_u55_BI_pipeline(self.View(), (test_tensor, new_shape))
141 def test_view_u85_BI(self, test_tensor: torch.Tensor, new_shape):
142 self._test_view_u85_BI_pipeline(self.View(), (test_tensor, new_shape))
H A Dtest_rsqrt.py90 def test_rsqrt_tosa_MI(self, test_tensor: torch.Tensor):
91 self._test_rsqrt_tosa_MI_pipeline(self.Rsqrt(), (test_tensor,))
94 def test_rsqrt_tosa_BI(self, test_tensor: torch.Tensor):
95 self._test_rsqrt_tosa_BI_pipeline(self.Rsqrt(), (test_tensor,))
98 def test_rsqrt_u55_BI(self, test_tensor: torch.Tensor):
100 common.get_u55_compile_spec(), self.Rsqrt(), (test_tensor,)
104 def test_rsqrt_u85_BI(self, test_tensor: torch.Tensor):
106 common.get_u85_compile_spec(), self.Rsqrt(), (test_tensor,)
H A Dtest_slice.py116 def test_slice_nchw_tosa_BI(self, test_tensor: torch.Tensor):
117 self._test_slice_tosa_BI_pipeline(self.Slice(), (test_tensor,), False)
120 def test_slice_nhwc_tosa_BI(self, test_tensor: torch.Tensor):
121 self._test_slice_tosa_BI_pipeline(self.Slice(), (test_tensor,), True)
124 def test_slice_u55_BI(self, test_tensor: torch.Tensor):
125 self._test_slice_u55_BI_pipeline(self.Slice(), (test_tensor,))
128 def test_slice_u85_BI(self, test_tensor: torch.Tensor):
129 self._test_slice_u85_BI_pipeline(self.Slice(), (test_tensor,))
H A Dtest_clone.py114 def test_clone_tosa_MI(self, test_tensor: torch.Tensor):
115 self._test_clone_tosa_MI_pipeline(self.Clone(), (test_tensor,))
118 def test_clone_tosa_BI(self, test_tensor: torch.Tensor):
119 self._test_clone_tosa_BI_pipeline(self.Clone(), (test_tensor,))
122 def test_clone_u55_BI(self, test_tensor: torch.Tensor):
123 self._test_clone_tosa_u55_pipeline(self.Clone(), (test_tensor,))
126 def test_clone_u85_BI(self, test_tensor: torch.Tensor):
127 self._test_clone_tosa_u85_pipeline(self.Clone(), (test_tensor,))
H A Dtest_full.py134 def test_full_tosa_MI(self, test_tensor: Tuple):
136 self.AddVariableFull(), example_data=test_tensor
140 def test_full_tosa_BI(self, test_tensor: Tuple):
141 self._test_full_tosa_BI_pipeline(self.AddVariableFull(), test_tensor, False)
144 def test_full_u55_BI(self, test_tensor: Tuple):
147 test_tensor,
151 def test_full_u85_BI(self, test_tensor: Tuple):
154 test_tensor,
/aosp_15_r20/external/tensorflow/tensorflow/core/util/
H A Dmemmapped_file_system_test.cc40 Tensor* test_tensor) { in CreateMemmappedFileSystemFile() argument
46 test::FillFn<float>(test_tensor, in CreateMemmappedFileSystemFile()
49 TF_RETURN_IF_ERROR(writer.SaveTensor(*test_tensor, kTensor1FileName)); in CreateMemmappedFileSystemFile()
58 test::FillFn<float>(test_tensor, in CreateMemmappedFileSystemFile()
60 TF_RETURN_IF_ERROR(writer.SaveTensor(*test_tensor, kTensor2FileName)); in CreateMemmappedFileSystemFile()
71 Tensor test_tensor(DT_FLOAT, test_tensor_shape); in TEST() local
74 TF_ASSERT_OK(CreateMemmappedFileSystemFile(filename, false, &test_tensor)); in TEST()
91 ASSERT_GE(memory_region->length(), test_tensor.TotalBytes()); in TEST()
92 EXPECT_EQ(test_tensor.tensor_data(), in TEST()
94 test_tensor.TotalBytes())); in TEST()
[all …]
/aosp_15_r20/external/federated-compute/fcp/artifact_building/
H A Dproto_helpers_test.py42 test_tensor = tf.constant([[1], [2]]) # Shape [1, 2]
44 tensor_spec = proto_helpers.make_tensor_spec_from_tensor(test_tensor)
60 test_tensor, shape_hint=tf.TensorShape([1, 4])
78 test_tensor = tf.clip_by_value(
82 tensor_spec = proto_helpers.make_tensor_spec_from_tensor(test_tensor)
95 test_tensor, shape_hint=tf.TensorShape([1, 4])
113 test_tensor = tf.reshape(
117 tensor_spec = proto_helpers.make_tensor_spec_from_tensor(test_tensor)
131 test_tensor, shape_hint=tf.TensorShape([2, 4])
147 test_tensor, shape_hint=tf.TensorShape([1, 4])
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/numeric/ublas/IDEs/qtcreator/
Dtests.pri36 test_tensor
72 test_tensor.file = test/test_tensor.pro
/aosp_15_r20/external/pytorch/test/jit/
H A Dtest_with.py528 test_tensor = torch.randn(5, dtype=torch.double)
533 self.checkScript(test_no_enter_no_exit, (test_tensor, NoEnterNoExit()))
540 self.checkScript(test_bad_enter, (test_tensor, BadEnter()))
545 self.checkScript(test_bad_exit, (test_tensor, BadExit()))
551 test_exit_incorrect_types, (test_tensor, ExitIncorrectTypes())
H A Dtest_tracer.py1609 def test_tensor(): function
1615 f_tensor = torch.jit.trace(test_tensor, ())
/aosp_15_r20/external/pytorch/test/distributed/_tensor/
H A DREADME.md5 `pytest test/spmd/tensor/test_tensor.py`
11 `pytest test/spmd/tensor/test_tensor.py -s -k test_tensor_from_local`
/aosp_15_r20/external/pytorch/test/
H A Dtest_sparse.py461 def test_tensor(x, res): function
506 test_tensor(x, res)
507 test_tensor(res, res)
517 test_tensor(x, res)
597 def test_tensor(x, res): function
629 test_tensor(x, res)
638 test_tensor(x, res)
642 def test_tensor(x, exp_i, exp_v): function
658 test_tensor(x, exp_i, exp_v)
673 test_tensor(x, exp_i, exp_v)
[all …]
H A Dtest_cpp_extensions_open_device_registration.py260 test_tensor = torch.empty(4, 4, dtype=tt, device=device)
261 self.assertTrue(test_tensor.type() == dt)
H A Dtest_nn.py9141 test_tensor = torch.randn(shape, device=device)
9147 test_tensor = torch.randn(doubled_shape, device=device)
9148 test_tensor = test_tensor[..., ::2]
9149 return test_tensor
/aosp_15_r20/external/pytorch/benchmarks/sparse/
H A Dbenchmark_semi_structured_sparsity.py99 def test_tensor(m, k, n, dtype, contiguous, backend): function
182 eval_fn = test_tensor
/aosp_15_r20/external/tensorflow/tensorflow/python/autograph/operators/
H A Dconditional_expressions_test.py35 def test_tensor(self): member in IfExpTest
H A Dcontrol_flow_test.py62 def test_tensor(self): member in ForLoopTest
615 def test_tensor(self): member in WhileLoopTest
1098 def test_tensor(self): member in IfStmtTest
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/numeric/ublas/test/tensor/
DJamfile28 [ run test_tensor.cpp
Dtest_tensor.cpp24 BOOST_AUTO_TEST_SUITE ( test_tensor )
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/numeric/ublas/IDEs/qtcreator/test/
Dtest_tensor.pro36 ../../../test/tensor/test_tensor.cpp \
/aosp_15_r20/external/pytorch/test/custom_operator/
H A Dtest_infer_schema_annotation.py16 def test_tensor(self): member in TestInferSchemaWithAnnotation
/aosp_15_r20/external/executorch/exir/tests/
H A DTARGETS129 "test_tensor.py",

12