Home
last modified time | relevance | path

Searched full:ones (Results 1 – 25 of 12415) sorted by relevance

12345678910>>...497

/aosp_15_r20/external/icu/icu4c/source/data/rbnf/
H A Dpl.txt60 "1000: tysi\u0105c[ >%%spellout-cardinal-masculine-genitive-ones>];",
61 …(cardinal,few{tysi\u0105ce}other{tysi\u0119cy})$[ >%%spellout-cardinal-masculine-genitive-ones>];",
64 "1000000000: miliard[ >%%spellout-cardinal-masculine-genitive-ones>];",
66 "1000000000000: bilion[ >%%spellout-cardinal-masculine-genitive-ones>];",
68 "1000000000000000: biliard[ >%%spellout-cardinal-masculine-genitive-ones>];",
94 "20: <%%spellout-cardinal-tens<[ >%%spellout-cardinal-feminine-ones>];",
95 "100: sto[ >%%spellout-cardinal-feminine-ones>];",
96 "200: dwie\u015Bcie[ >%%spellout-cardinal-feminine-ones>];",
97 "300: <%spellout-cardinal-feminine<sta[ >%%spellout-cardinal-feminine-ones>];",
98 "500: <%spellout-cardinal-feminine<set[ >%%spellout-cardinal-feminine-ones>];",
[all …]
/aosp_15_r20/external/cronet/third_party/icu/source/data/rbnf/
H A Dpl.txt60 "1000: tysi\u0105c[ >%%spellout-cardinal-masculine-genitive-ones>];",
61 …(cardinal,few{tysi\u0105ce}other{tysi\u0119cy})$[ >%%spellout-cardinal-masculine-genitive-ones>];",
64 "1000000000: miliard[ >%%spellout-cardinal-masculine-genitive-ones>];",
66 "1000000000000: bilion[ >%%spellout-cardinal-masculine-genitive-ones>];",
68 "1000000000000000: biliard[ >%%spellout-cardinal-masculine-genitive-ones>];",
94 "20: <%%spellout-cardinal-tens<[ >%%spellout-cardinal-feminine-ones>];",
95 "100: sto[ >%%spellout-cardinal-feminine-ones>];",
96 "200: dwie\u015Bcie[ >%%spellout-cardinal-feminine-ones>];",
97 "300: <%spellout-cardinal-feminine<sta[ >%%spellout-cardinal-feminine-ones>];",
98 "500: <%spellout-cardinal-feminine<set[ >%%spellout-cardinal-feminine-ones>];",
[all …]
/aosp_15_r20/external/pytorch/test/
H A Dtest_functionalization.py170 self.assert_functionalization(f, torch.ones(4))
182 _functionalize(f, reapply_views=True, crossref=self.crossref)(torch.ones(3, 3))
191 torch.ones(2, 2)
197 y = torch.ones(2)
203 r = _functionalize(f, reapply_views=True, crossref=False)(torch.ones(2))
210 val = torch.ones(3, 1)
238 logs = self.get_logs(g, torch.ones(16, 64, 128, 128, requires_grad=True))
277 tmp = torch.ones(4, 2)
283 self.assert_functionalization(f, torch.ones(4, 2))
284 logs = self.get_logs(f, torch.ones(4, 2))
[all …]
/aosp_15_r20/external/cldr/common/rbnf/
H A Dpl.xml71 … <rbnfrule value="1000">tysiąc[ →%%spellout-cardinal-masculine-genitive-ones→];</rbnfrule>
72 …$(cardinal,few{tysiące}other{tysięcy})$[ →%%spellout-cardinal-masculine-genitive-ones→];</rbnfrule>
75 … <rbnfrule value="1000000000">miliard[ →%%spellout-cardinal-masculine-genitive-ones→];</rbnfrule>
77 … <rbnfrule value="1000000000000">bilion[ →%%spellout-cardinal-masculine-genitive-ones→];</rbnfrule>
79 …nfrule value="1000000000000000">biliard[ →%%spellout-cardinal-masculine-genitive-ones→];</rbnfrule>
106 … <rbnfrule value="20">←%%spellout-cardinal-tens←[ →%%spellout-cardinal-feminine-ones→];</rbnfrule>
107 <rbnfrule value="100">sto[ →%%spellout-cardinal-feminine-ones→];</rbnfrule>
108 <rbnfrule value="200">dwieście[ →%%spellout-cardinal-feminine-ones→];</rbnfrule>
109 …rule value="300">←%spellout-cardinal-feminine←sta[ →%%spellout-cardinal-feminine-ones→];</rbnfrule>
110 …rule value="500">←%spellout-cardinal-feminine←set[ →%%spellout-cardinal-feminine-ones→];</rbnfrule>
[all …]
/aosp_15_r20/external/executorch/runtime/core/exec_aten/util/test/
H A Dtensor_util_test.cpp41 Tensor t = tf_byte_.ones({2, 2}); in TEST_F()
58 Tensor a = tf_byte_.ones({2, 2}); in TEST_F()
59 Tensor b = tf_int_.ones({2, 2}); in TEST_F()
60 Tensor c = tf_float_.ones({2, 2}); in TEST_F()
84 Tensor a = tf_int_.ones({1, 4}); in TEST_F()
85 Tensor b = tf_int_.ones({2, 2}); in TEST_F()
87 Tensor b2 = tf_int_.ones({2, 2}); in TEST_F()
115 Tensor t = tf_int_.ones({}); in TEST_F()
131 Tensor t = tf_int_.ones({0}); in TEST_F()
148 Tensor t = tf_int_.ones({2, 3, 4}); in TEST_F()
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/distributed/rpc/
H A Drpc_test.py62 return torch.add(torch.ones(1), torch.ones(1))
72 t1, t2 = torch.ones(1), torch.ones(1)
81 "aten::ones",
82 "aten::ones",
152 PythonUDF(my_tensor_function, (torch.ones(2, 2), torch.ones(2, 2)), None)
231 a = torch.ones(3, 3)
297 return rpc.rpc_sync(dst, torch.add, args=(torch.ones(2, 2), 1))
324 rpc.remote(dst, torch.add, args=(torch.ones(2, 2), 1)),
325 rpc.remote(dst, torch.add, args=(torch.ones(2, 2), 2)),
345 rref = rpc.remote(dst, torch.add, args=(torch.ones(2, 2), 3))
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/
H A Dftrl_ops_test.py86 var=np.ones((1, 3, 2)),
96 var=np.ones((1, 3, 2)),
97 accum=np.ones((1, 3, 2)),
99 grad=np.ones((1, 3, 2)),
101 self.assertAllClose(1.75 * np.ones((1, 3, 2)), linear)
106 var=np.ones((1, 3, 2)),
107 accum=np.ones((1, 3, 2)),
109 grad=np.ones((1, 3, 2)),
111 self.assertAllClose(0.8 * np.ones((1, 3, 2)), linear)
116 var=np.ones((1, 3, 2)),
[all …]
/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_split_cat_fx_passes.py316 [torch.ones(2, 5, 32, 16)] + split_output + [torch.ones(2, 6, 32, 16)],
323 [torch.ones(2, 4, 32, 16)]
325 + [torch.ones(2, 4, 32, 16), torch.ones(2, 4, 32, 16)],
332 [torch.ones(2, 32, 5, 16)] + split_output + [torch.ones(2, 32, 6, 16)],
340 [torch.ones(2, 4, 32, 16)] + split_output + [torch.ones(2, 4, 32, 16)],
347 [torch.ones(2, 4, 32, 16)] + split_output + [torch.ones(2, 4, 32, 16)],
355 [torch.ones(2, 4, 32, 16)] + split_output + [torch.ones(2, 4, 32, 16)],
362 [torch.ones(2, 4, 32, 16)] + split_output + [torch.ones(2, 4, 32, 16)],
370 [torch.ones(2, 32, 4, 16)] + split_output + [torch.ones(2, 32, 4, 16)],
377 [torch.ones(2, 32, 4, 16)] + split_output + [torch.ones(2, 32, 4, 16)],
[all …]
/aosp_15_r20/external/executorch/kernels/portable/test/
H A Dop_allclose_test.cpp31 Tensor a = tf_float.ones(/*sizes=*/{2, 2}); in TEST()
32 Tensor b = tf_float.ones(/*sizes=*/{2, 2}); in TEST()
51 Tensor a = tf_double.ones(/*sizes=*/{2, 2}); in TEST()
52 Tensor b = tf_double.ones(/*sizes=*/{2, 2}); in TEST()
111 Tensor a = tf_int.ones(/*sizes=*/{2, 2}); in TEST()
112 Tensor b = tf_int.ones(/*sizes=*/{2, 2}); in TEST()
149 Tensor a = tf_bool.ones(/*sizes=*/{2, 2}); in TEST()
150 Tensor b = tf_bool.ones(/*sizes=*/{2, 2}); in TEST()
167 Tensor a = tf_bool.ones(/*sizes=*/{2, 2}); in TEST()
168 Tensor b = tf_bool.ones(/*sizes=*/{2, 2}); in TEST()
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A Dnn_fused_batchnorm_test.py702 x = array_ops.ones((2, 2, 2, 2))
703 scale = array_ops.ones((3,))
704 offset = array_ops.ones((2,))
710 x = array_ops.ones((2, 2, 2, 2))
711 scale = array_ops.ones((2,))
712 offset = array_ops.ones((3,))
718 x = array_ops.ones((2, 2, 2, 2))
719 scale = array_ops.ones((2,))
720 offset = array_ops.ones((2,))
721 mean = array_ops.ones((0,))
[all …]
/aosp_15_r20/external/pytorch/test/dynamo/
H A Dtest_hooks.py340 x0 = torch.ones(4, requires_grad=True)
342 eager_out[0].backward(torch.ones(4))
344 x1 = torch.ones(4, requires_grad=True)
347 aot_out[0].backward(torch.ones(4))
349 x2 = torch.ones(4, requires_grad=True)
352 dynamo_out[0].backward(torch.ones(4))
377 x0 = torch.ones(4, requires_grad=True)
379 eager_out[0].backward(torch.ones(4))
381 x1 = torch.ones(4, requires_grad=True)
384 aot_out[0].backward(torch.ones(4))
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/test/
H A Dscalar_tensor_test.cpp54 auto t = ones(*s, T); in test()
67 auto t2 = ones(*s, T); in test()
69 require_equal_size_dim(t2, ones({0}, T)); in test()
76 auto t2 = ones(*s, T); in test()
99 require_equal_size_dim(result, ones(size_without_ones, T)); in test()
104 auto t2 = ones(*s, T); in test()
116 auto t2 = ones(*s, T); in test()
124 require_equal_size_dim(t2, ones(size_without_ones, T)); in test()
162 auto lhs = ones(*lhs_it, T); in test()
163 auto rhs = ones(*rhs_it, T); in test()
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/distributed/rpc/jit/
H A Drpc_test.py36 return rpc.remote(dst, torch.add, args=(torch.ones(2, 2), 1))
88 self.assertEqual(ret, torch.add(torch.ones(2, 2), 1))
145 return torch.add(x, torch.ones(1))
150 return torch.add(x, torch.ones(1))
155 t: Tensor = torch.ones(1)
234 res_tensor = torch.ones(2, 2)
256 local_ret = one_arg(torch.ones(2, 2))
259 rref = rpc.remote(worker_name(self.rank), one_arg, args=(torch.ones(2, 2),))
284 self.assertEqual(res, torch.ones(2, 2) * 9)
293 self.assertEqual(res, torch.ones(2, 2) + 1)
[all …]
/aosp_15_r20/external/pytorch/test/functorch/
H A Dtest_aotdispatch.py480 inp = [2, None, torch.ones(3, 3, dtype=torch.float32, requires_grad=True)]
482 inp = [2, None, torch.ones(3, 3, dtype=torch.float32, requires_grad=False)]
560 inp = [torch.ones(3, 3, requires_grad=True)]
562 inp = [torch.ones(3, 3, requires_grad=False)]
586 inp = [torch.ones(3, 3, requires_grad=True)]
588 inp = [torch.ones(3, 3, requires_grad=False)]
603 torch.ones(3, 3, requires_grad=False),
620 torch.ones(3, 3, requires_grad=True),
621 torch.ones(3, 3, requires_grad=True),
627 torch.ones(3, 3, requires_grad=False),
[all …]
H A Dtest_control_flow.py212 (torch.tensor(2), torch.tensor(2), torch.ones(2, 2), torch.ones(2, 2)),
567 x = torch.ones(4, requires_grad=True)
979 y = torch.ones(4, requires_grad=False) * 42
1042 xs = torch.ones(3, 2, 2, device="cuda")
1043 y = torch.ones(2, device="cuda")
1069 _ = control_flow.map(f, (3, torch.ones(2)), torch.ones(2))
1075 f, (torch.ones(0, 1, 2), torch.ones(0, 1, 2)), torch.ones(2)
1084 f, (torch.ones(3, 4, 5), torch.ones(4, 4, 5)), torch.ones(5)
1097 x = torch.ones([3])
1098 y = torch.ones([1, 2, 3])
[all …]
/aosp_15_r20/external/pytorch/test/export/
H A Dtest_converter.py149 inp = (torch.ones(1, 3), torch.ones(1, 3))
186 return torch.ones(num_dim)
188 inp = (torch.ones(1, 3),)
195 return torch.ones(length)
198 inp = (torch.ones(2, 3),)
204 return torch.ones(length)
213 return torch.ones(length)
222 return torch.ones(length)
231 return torch.ones(length)
240 return torch.ones(length)
[all …]
/aosp_15_r20/external/pytorch/test/cpp/api/
H A Dinference_mode.cpp65 torch::Tensor c = torch::ones({1, 2, 3}); in TEST()
71 torch::Tensor tmp = torch::ones({1, 2, 3}).set_requires_grad(true); in TEST()
75 tmp = torch::ones({1, 2, 3}).set_requires_grad(false); in TEST()
82 torch::Tensor s = torch::ones({1, 2, 3}).set_requires_grad(true); in TEST()
101 torch::Tensor c = torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
112 torch::Tensor c = torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
123 torch::Tensor c = torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
139 torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
160 torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
175 torch::ones({1, 2, 3}).set_requires_grad(requires_grad); in TEST()
[all …]
H A Dautograd.cpp56 ASSERT_VARIABLE_EQ(x.grad(), y + torch::ones({2, 2})); in TEST()
57 ASSERT_VARIABLE_EQ(y.grad(), x + torch::ones({2, 2}) * 2); in TEST()
64 backward({res}, {torch::ones({2, 2})}, {}, true); in TEST()
66 backward({res}, {torch::ones({2, 2})}); in TEST()
68 ASSERT_VARIABLE_EQ(x.grad(), 2 * (y + torch::ones({2, 2}))); in TEST()
69 ASSERT_VARIABLE_EQ(y.grad(), 2 * (x + torch::ones({2, 2}) * 2)); in TEST()
77 auto grad_res = grad({res}, {x, y}, {torch::ones({2, 2})}); in TEST()
79 ASSERT_VARIABLE_EQ(grad_res[0], y + torch::ones({2, 2})); in TEST()
80 ASSERT_VARIABLE_EQ(grad_res[1], x + torch::ones({2, 2}) * 2); in TEST()
87 res.backward(torch::ones({2, 2}), false, true); in TEST()
[all …]
/aosp_15_r20/external/pytorch/test/distributed/
H A Dtest_multi_threaded_pg.py43 input_tensor = torch.ones(3, 3) * dist.get_rank() # perform 1st all gather
60 input_tensor = torch.ones(3, 3) * dist.get_rank() # perform 1st all gather
77 input_tensor = torch.ones(3, 3) * dist.get_rank() # perform 1st all gather
108 sizes = torch.ones(world_size, dtype=torch.int64)
151 input_tensor = torch.ones(3, 3) * dist.get_rank()
157 self.assertEqual(out_tensor, torch.ones(3, 3) * rank)
160 input_tensor = torch.ones(3, 3) * dist.get_rank()
164 self.assertEqual(cloned_input, torch.ones(3, 3) * rank)
168 scatter_list = [torch.ones(3, 3) * rank for rank in range(self.world_size)]
174 self.assertEqual(output_tensor, torch.ones(3, 3) * dist.get_rank())
[all …]
/aosp_15_r20/external/mesa3d/src/util/tests/
H A Du_atomic_test.cpp51 const TypeParam ones = TypeParam(-1); in TYPED_TEST() local
53 p_atomic_set(&v, ones); in TYPED_TEST()
54 ASSERT_EQ(v, ones) << "p_atomic_set"; in TYPED_TEST()
57 ASSERT_EQ(r, ones) << "p_atomic_read"; in TYPED_TEST()
60 ASSERT_EQ(r, ones) << "p_atomic_read_relaxed"; in TYPED_TEST()
62 v = ones; in TYPED_TEST()
64 ASSERT_EQ(v, ones) << "p_atomic_cmpxchg"; in TYPED_TEST()
65 ASSERT_EQ(r, ones) << "p_atomic_cmpxchg"; in TYPED_TEST()
67 r = p_atomic_cmpxchg(&v, ones, 0); in TYPED_TEST()
69 ASSERT_EQ(r, ones) << "p_atomic_cmpxchg"; in TYPED_TEST()
[all …]
/aosp_15_r20/external/pytorch/test/profiler/
H A Dtest_memory_profiler.py157 x = torch.ones((1,))
158 w0 = torch.ones((1,), requires_grad=True)
159 w1 = torch.ones((1,), requires_grad=True)
188 x = torch.ones((2, 2))
208 model(torch.ones((2, 2)))
221 x = torch.ones((1,))
222 w0 = torch.ones((1,), requires_grad=True)
223 w1 = torch.ones((1,), requires_grad=True)
285 model(torch.ones((2, 2))).sum().backward()
360 x = torch.ones((1,)).mul(2).add_(2)
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/
H A Dmetrics_test.py166 return np.reshape(np.cumsum(np.ones(shape)), newshape=shape)
176 metrics.mean(array_ops.ones([4, 3]))
183 array_ops.ones([4, 3]), metrics_collections=[my_collection_name])
190 array_ops.ones([4, 3]), updates_collections=[my_collection_name])
239 metrics.mean(values, weights=np.ones((1, 1, 1))),
240 metrics.mean(values, weights=np.ones((1, 1, 1, 1))),
241 metrics.mean(values, weights=np.ones((1, 1, 1, 1, 1))),
242 metrics.mean(values, weights=np.ones((1, 1, 4))),
243 metrics.mean(values, weights=np.ones((1, 1, 4, 1))),
244 metrics.mean(values, weights=np.ones((1, 2, 1))),
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/
H A Dinplace_ops_test.py32 x = array_ops.ones([7, 3], dtype)
33 y = np.ones([7, 3], dtype.as_numpy_dtype)
35 x = inplace_ops.inplace_update(x, [3], array_ops.ones([1, 3], dtype))
39 array_ops.ones([1, 3], dtype) * 2)
42 x = inplace_ops.inplace_update(x, 5, array_ops.ones([3], dtype) * 7)
48 x = array_ops.ones([7, 3], dtypes.bool)
49 y = np.ones([7, 3], dtypes.bool.as_numpy_dtype)
51 x = inplace_ops.inplace_update(x, [3], array_ops.ones([1, 3],
66 x = array_ops.ones([7, 3], dtype)
67 y = np.ones([7, 3], dtype.as_numpy_dtype)
[all …]
/aosp_15_r20/external/executorch/exir/tests/
H A Dtest_tracer.py106 y = torch.ones(x.shape[0])
110 M(), (torch.ones(3),), dynamic_shapes={"x": {0: torch.export.Dim("x")}}
116 return torch.add(torch.ones(5), torch.ones(5), out=x)
177 inputs = (torch.ones(1, 2, 3),)
203 (torch.ones(1),),
219 example_input = torch.ones(10, dtype=torch.int64)
244 (torch.ones(3, 2, dtype=torch.int64),),
276 inp = ((torch.ones(6), (torch.ones(6), torch.ones(6))),)
388 foo, (torch.ones(6, 2), torch.ones(6, 3)), capture_config
411 captured_ep = exir.capture(FooWithBuffer(), (torch.ones(6, 2),), capture_config)
[all …]
/aosp_15_r20/external/rust/android-crates-io/crates/glam/src/features/
Dimpl_approx.rs163 ($prim:ident, $type:ident, $ones:expr) => {
164 let one_eps = $ones * $type::default_epsilon();
167 let one_ulp = $ones * $prim::from_bits($prim::to_bits(1.0) + 1);
168 let four_ulp = $ones * $prim::from_bits($prim::to_bits(1.0) + 16);
170 approx::assert_abs_diff_eq!($ones, $ones);
171 approx::assert_abs_diff_eq!($ones, $ones + one_eps);
172 approx::assert_abs_diff_eq!($ones, $ones - one_eps);
174 approx::assert_abs_diff_ne!($ones, $ones + two_eps);
175 approx::assert_abs_diff_ne!($ones, $ones - two_eps);
177 approx::assert_relative_eq!($ones, $ones);
[all …]

12345678910>>...497