Home
last modified time | relevance | path

Searched full:vec (Results 1 – 25 of 11441) sorted by relevance

12345678910>>...458

/aosp_15_r20/external/skia/src/base/
H A DSkVx.h11 // skvx::Vec<N,T> are SIMD vectors of N T's, a v1.5 successor to SkNx<N,T>.
18 // with across translation units. skvx::Vec<N,T> always has N*sizeof(T) size
80 struct alignas(N*sizeof(T)) Vec;
83 SI Vec<sizeof...(Ix),T> shuffle(const Vec<N,T>&);
85 // All Vec have the same simple memory layout, the same as `T vec[N]`.
87 struct alignas(N*sizeof(T)) Vec { struct
91 // Methods belong here in the class declaration of Vec only if:
94 // Other operations on Vec should be defined outside the type.
96 SKVX_ALWAYS_INLINE Vec() = default;
97 SKVX_ALWAYS_INLINE Vec(T s) : lo(s), hi(s) {} in Vec() argument
[all …]
/aosp_15_r20/external/swiftshader/third_party/SPIRV-Tools/test/util/
H A Dsmall_vector_test.cpp28 SmallVector<uint32_t, 2> vec; in TEST() local
30 EXPECT_TRUE(vec.empty()); in TEST()
31 EXPECT_EQ(vec.size(), 0); in TEST()
32 EXPECT_EQ(vec.begin(), vec.end()); in TEST()
36 SmallVector<uint32_t, 2> vec = {0, 1, 2, 3}; in TEST() local
38 EXPECT_FALSE(vec.empty()); in TEST()
39 EXPECT_EQ(vec.size(), 4); in TEST()
42 for (uint32_t i = 0; i < vec.size(); ++i) { in TEST()
43 EXPECT_EQ(vec[i], result[i]); in TEST()
48 SmallVector<uint32_t, 6> vec = {0, 1, 2, 3}; in TEST() local
[all …]
/aosp_15_r20/external/deqp-deps/SPIRV-Tools/test/util/
Dsmall_vector_test.cpp28 SmallVector<uint32_t, 2> vec; in TEST() local
30 EXPECT_TRUE(vec.empty()); in TEST()
31 EXPECT_EQ(vec.size(), 0); in TEST()
32 EXPECT_EQ(vec.begin(), vec.end()); in TEST()
36 SmallVector<uint32_t, 2> vec = {0, 1, 2, 3}; in TEST() local
38 EXPECT_FALSE(vec.empty()); in TEST()
39 EXPECT_EQ(vec.size(), 4); in TEST()
42 for (uint32_t i = 0; i < vec.size(); ++i) { in TEST()
43 EXPECT_EQ(vec[i], result[i]); in TEST()
48 SmallVector<uint32_t, 6> vec = {0, 1, 2, 3}; in TEST() local
[all …]
/aosp_15_r20/external/angle/third_party/spirv-tools/src/test/util/
H A Dsmall_vector_test.cpp28 SmallVector<uint32_t, 2> vec; in TEST() local
30 EXPECT_TRUE(vec.empty()); in TEST()
31 EXPECT_EQ(vec.size(), 0); in TEST()
32 EXPECT_EQ(vec.begin(), vec.end()); in TEST()
36 SmallVector<uint32_t, 2> vec = {0, 1, 2, 3}; in TEST() local
38 EXPECT_FALSE(vec.empty()); in TEST()
39 EXPECT_EQ(vec.size(), 4); in TEST()
42 for (uint32_t i = 0; i < vec.size(); ++i) { in TEST()
43 EXPECT_EQ(vec[i], result[i]); in TEST()
48 SmallVector<uint32_t, 6> vec = {0, 1, 2, 3}; in TEST() local
[all …]
/aosp_15_r20/external/executorch/kernels/optimized/vec/
H A Dfunctional_base.h14 #include <executorch/kernels/optimized/vec/vec.h>
17 namespace vec {
23 vec::Vectorized<scalar_t> acc_vec, in vec_reduce_all()
25 using Vec = vec::Vectorized<scalar_t>; in vec_reduce_all() local
26 scalar_t acc_arr[Vec::size()]; in vec_reduce_all()
29 std::array<scalar_t, Vec::size()> acc_arr_next = {0}; in vec_reduce_all()
31 Vec acc_vec_next = Vec::loadu(acc_arr_next.data()); in vec_reduce_all()
50 using Vec = Vectorized<float>;
51 Vec v = acc_vec;
53 Vec v1 = _mm256_permute2f128_ps(v, v, 0x1);
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/cpu/vec/
H A Dfunctional_base.h6 #include <ATen/cpu/vec/vec.h>
9 namespace at::vec {
15 vec::Vectorized<scalar_t> acc_vec, in vec_reduce_all()
17 using Vec = vec::Vectorized<scalar_t>; in vec_reduce_all() local
18 scalar_t acc_arr[Vec::size()]; in vec_reduce_all()
21 std::array<scalar_t, Vec::size()> acc_arr_next = {0}; in vec_reduce_all()
23 Vec acc_vec_next = Vec::loadu(acc_arr_next.data()); in vec_reduce_all()
42 using Vec = Vectorized<float>;
43 Vec v = acc_vec;
45 Vec v1 = _mm256_permute2f128_ps(v, v, 0x1);
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/test/
H A Dvec_test_all_types.cpp126 using vec = TypeParam; in TYPED_TEST() typedef
128 constexpr size_t b_size = vec::size() * sizeof(VT); in TYPED_TEST()
140 for (int i = 1; i < 2 * vec::size(); i++) { in TYPED_TEST()
141 vec v = vec::loadu(ref_storage, i); in TYPED_TEST()
159 vec v = vec::loadu(p1); in TYPED_TEST()
174 using vec = TypeParam; in TYPED_TEST() typedef
176 test_unary<vec>( in TYPED_TEST()
178 [](vec v) { return v.abs(); }, in TYPED_TEST()
179 createDefaultUnaryTestCase<vec>(TestSeed(), false, checkRelativeErr), in TYPED_TEST()
183 using vec = TypeParam; in TYPED_TEST() typedef
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/core/util/
H A Dstrided_slice_op_test.cc28 using Vec = typename StridedSliceAssignBCast::Vec; typedef
30 Vec from;
31 Vec to;
41 Vec map;
50 int64_t NumberOfElements(const Vec& shape) { in NumberOfElements()
87 {/*from=*/Vec{1}, /*to=*/Vec{5}}, in TEST()
88 {/*from=*/Vec{1, 1}, /*to=*/Vec{4, 5}}, in TEST()
89 {/*from=*/Vec{1, 5}, /*to=*/Vec{4, 5}}, in TEST()
90 {/*from=*/Vec{4, 1}, /*to=*/Vec{4, 5}}, in TEST()
91 {/*from=*/Vec{1, 1, 1}, /*to=*/Vec{2, 4, 5}}, in TEST()
[all …]
/aosp_15_r20/prebuilts/rust/linux-x86/1.80.1/lib/rustlib/src/rust/library/alloc/tests/
H A Dvec.rs19 use std::vec::{Drain, IntoIter};
33 assert_eq!(size_of::<Vec<u8>>(), size_of::<usize>() * 3); in test_small_vec_struct()
39 x: Vec<T>, in test_double_drop()
40 y: Vec<T>, in test_double_drop()
45 let mut tv = TwoVec { x: Vec::new(), y: Vec::new() }; in test_double_drop()
49 // If Vec had a drop flag, here is where it would be zeroed. in test_double_drop()
63 let mut v = Vec::new(); in test_reserve()
85 assert_eq!(Vec::<()>::new().capacity(), usize::MAX); in test_zst_capacity()
90 let v: Vec<isize> = vec![10, 20]; in test_indexing()
103 let vec1: Vec<isize> = vec![]; in test_debug_fmt()
[all …]
/aosp_15_r20/prebuilts/rust/linux-musl-x86/1.80.1/lib/rustlib/src/rust/library/alloc/tests/
H A Dvec.rs19 use std::vec::{Drain, IntoIter};
33 assert_eq!(size_of::<Vec<u8>>(), size_of::<usize>() * 3); in test_small_vec_struct()
39 x: Vec<T>, in test_double_drop()
40 y: Vec<T>, in test_double_drop()
45 let mut tv = TwoVec { x: Vec::new(), y: Vec::new() }; in test_double_drop()
49 // If Vec had a drop flag, here is where it would be zeroed. in test_double_drop()
63 let mut v = Vec::new(); in test_reserve()
85 assert_eq!(Vec::<()>::new().capacity(), usize::MAX); in test_zst_capacity()
90 let v: Vec<isize> = vec![10, 20]; in test_indexing()
103 let vec1: Vec<isize> = vec![]; in test_debug_fmt()
[all …]
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0.u1/lib/rustlib/src/rust/library/alloc/tests/
H A Dvec.rs19 use std::vec::{Drain, IntoIter};
33 assert_eq!(size_of::<Vec<u8>>(), size_of::<usize>() * 3); in test_small_vec_struct()
39 x: Vec<T>, in test_double_drop()
40 y: Vec<T>, in test_double_drop()
45 let mut tv = TwoVec { x: Vec::new(), y: Vec::new() }; in test_double_drop()
49 // If Vec had a drop flag, here is where it would be zeroed. in test_double_drop()
63 let mut v = Vec::new(); in test_reserve()
85 assert_eq!(Vec::<()>::new().capacity(), usize::MAX); in test_zst_capacity()
90 let v: Vec<isize> = vec![10, 20]; in test_indexing()
103 let vec1: Vec<isize> = vec![]; in test_debug_fmt()
[all …]
/aosp_15_r20/prebuilts/rust/linux-musl-x86/1.81.0/lib/rustlib/src/rust/library/alloc/tests/
H A Dvec.rs19 use std::vec::{Drain, IntoIter};
33 assert_eq!(size_of::<Vec<u8>>(), size_of::<usize>() * 3); in test_small_vec_struct()
39 x: Vec<T>, in test_double_drop()
40 y: Vec<T>, in test_double_drop()
45 let mut tv = TwoVec { x: Vec::new(), y: Vec::new() }; in test_double_drop()
49 // If Vec had a drop flag, here is where it would be zeroed. in test_double_drop()
63 let mut v = Vec::new(); in test_reserve()
85 assert_eq!(Vec::<()>::new().capacity(), usize::MAX); in test_zst_capacity()
90 let v: Vec<isize> = vec![10, 20]; in test_indexing()
103 let vec1: Vec<isize> = vec![]; in test_debug_fmt()
[all …]
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0/lib/rustlib/src/rust/library/alloc/tests/
H A Dvec.rs19 use std::vec::{Drain, IntoIter};
33 assert_eq!(size_of::<Vec<u8>>(), size_of::<usize>() * 3); in test_small_vec_struct()
39 x: Vec<T>, in test_double_drop()
40 y: Vec<T>, in test_double_drop()
45 let mut tv = TwoVec { x: Vec::new(), y: Vec::new() }; in test_double_drop()
49 // If Vec had a drop flag, here is where it would be zeroed. in test_double_drop()
63 let mut v = Vec::new(); in test_reserve()
85 assert_eq!(Vec::<()>::new().capacity(), usize::MAX); in test_zst_capacity()
90 let v: Vec<isize> = vec![10, 20]; in test_indexing()
103 let vec1: Vec<isize> = vec![]; in test_debug_fmt()
[all …]
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/algorithm/test/
Dapply_permutation_test.cpp26 std::vector<int> vec, order, result; in BOOST_AUTO_TEST_CASE() local
28 ba::apply_permutation(vec.begin(), vec.end(), order.begin(), order.end()); in BOOST_AUTO_TEST_CASE()
29 BOOST_CHECK_EQUAL_COLLECTIONS(vec.begin(), vec.end(), result.begin(), result.end()); in BOOST_AUTO_TEST_CASE()
33 std::vector<int> vec, order, result; in BOOST_AUTO_TEST_CASE() local
34 vec.push_back(1); in BOOST_AUTO_TEST_CASE()
36 result = vec; in BOOST_AUTO_TEST_CASE()
38 ba::apply_permutation(vec.begin(), vec.end(), order.begin(), order.end()); in BOOST_AUTO_TEST_CASE()
39 BOOST_CHECK_EQUAL_COLLECTIONS(vec.begin(), vec.end(), result.begin(), result.end()); in BOOST_AUTO_TEST_CASE()
43 std::vector<int> vec, order, result; in BOOST_AUTO_TEST_CASE() local
44 vec.push_back(1); vec.push_back(2); in BOOST_AUTO_TEST_CASE()
[all …]
/aosp_15_r20/external/swiftshader/third_party/llvm-16.0/llvm/lib/Target/WebAssembly/
H A DWebAssemblyInstrSIMD.td57 class Vec {
67 Vec split;
70 def I8x16 : Vec {
82 def I16x8 : Vec {
95 def I32x4 : Vec {
108 def I64x2 : Vec {
121 def F32x4 : Vec {
133 def F64x2 : Vec {
167 foreach vec = AllVecs in {
168 defm : LoadPat<vec.vt, load, "LOAD_V128">;
[all …]
/aosp_15_r20/external/llvm/unittests/ADT/
H A DBitVectorTest.cpp30 TypeParam Vec; in TYPED_TEST() local
31 EXPECT_EQ(0U, Vec.count()); in TYPED_TEST()
32 EXPECT_EQ(0U, Vec.size()); in TYPED_TEST()
33 EXPECT_FALSE(Vec.any()); in TYPED_TEST()
34 EXPECT_TRUE(Vec.all()); in TYPED_TEST()
35 EXPECT_TRUE(Vec.none()); in TYPED_TEST()
36 EXPECT_TRUE(Vec.empty()); in TYPED_TEST()
38 Vec.resize(5, true); in TYPED_TEST()
39 EXPECT_EQ(5U, Vec.count()); in TYPED_TEST()
40 EXPECT_EQ(5U, Vec.size()); in TYPED_TEST()
[all …]
H A DSparseBitVectorTest.cpp18 SparseBitVector<> Vec; in TEST() local
19 EXPECT_EQ(0U, Vec.count()); in TEST()
20 EXPECT_FALSE(Vec.test(17)); in TEST()
21 Vec.set(5); in TEST()
22 EXPECT_TRUE(Vec.test(5)); in TEST()
23 EXPECT_FALSE(Vec.test(17)); in TEST()
24 Vec.reset(6); in TEST()
25 EXPECT_TRUE(Vec.test(5)); in TEST()
26 EXPECT_FALSE(Vec.test(6)); in TEST()
27 Vec.reset(5); in TEST()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/
H A DSoftMaxKernel.cpp14 #include <ATen/cpu/vec/functional.h>
15 #include <ATen/cpu/vec/vec.h>
39 using Vec = vec::Vectorized<vec::vec_scalar_t<scalar_t>>; in _vec_log_softmax_lastdim() typedef
66 max_input_arr[j] = vec::reduce_all<scalar_t>( in _vec_log_softmax_lastdim()
67 [](Vec& x, Vec& y) { return vec::maximum(x, y); }, in _vec_log_softmax_lastdim()
75 tmp_sum_scalar[j] = vec::map_reduce_all<scalar_t>( in _vec_log_softmax_lastdim()
76 [max_input](Vec x) { return (x - Vec(max_input)).exp(); }, in _vec_log_softmax_lastdim()
77 [](Vec x, Vec y) { return x + y; }, in _vec_log_softmax_lastdim()
83 vec::map( in _vec_log_softmax_lastdim()
84 [](Vec x) { return x.log(); }, in _vec_log_softmax_lastdim()
[all …]
H A DGridSamplerKernel.cpp9 #include <ATen/cpu/vec/vec.h>
73 * using Vec = Vectorized<scalar_t>;
80 * Vec apply(const Vec &in) const;
85 * std::pair<Vec, Vec> apply_get_grad(const Vec &in) const;
118 * int64_t offset, const Vec& grid_x, const Vec& grid_y,
133 * int64_t offset, const Vec& grid_x, const Vec& grid_y,
175 using namespace at::vec;
188 using Vec = Vectorized<scalar_t>; typedef
207 inline Vec unnormalize(const Vec &in) const { in unnormalize()
208 return (in + Vec(1)) * Vec(scaling_factor); in unnormalize()
[all …]
/aosp_15_r20/external/llvm/test/Assembler/
H A Dfast-math-flags.ll7 @vec = external global <3 x float>
12 ; CHECK: %vec = load <3 x float>, <3 x float>* @vec
13 %vec = load <3 x float>, <3 x float>* @vec
21 ; CHECK: %a_vec = fadd <3 x float> %vec, %vec
22 %a_vec = fadd <3 x float> %vec, %vec
25 ; CHECK: %b_vec = fsub <3 x float> %vec, %vec
26 %b_vec = fsub <3 x float> %vec, %vec
29 ; CHECK: %c_vec = fmul <3 x float> %vec, %vec
30 %c_vec = fmul <3 x float> %vec, %vec
33 ; CHECK: %d_vec = fdiv <3 x float> %vec, %vec
[all …]
/aosp_15_r20/external/marisa-trie/tests/
H A Dvector-test.cc132 marisa::grimoire::Vector<int> vec; in TestVector() local
134 ASSERT(vec.max_size() == (MARISA_SIZE_MAX / sizeof(int))); in TestVector()
135 ASSERT(vec.size() == 0); in TestVector()
136 ASSERT(vec.capacity() == 0); in TestVector()
137 ASSERT(!vec.fixed()); in TestVector()
138 ASSERT(vec.empty()); in TestVector()
139 ASSERT(vec.total_size() == 0); in TestVector()
140 ASSERT(vec.io_size() == sizeof(marisa::UInt64)); in TestVector()
143 vec.push_back(values[i]); in TestVector()
144 ASSERT(vec[i] == values[i]); in TestVector()
[all …]
/aosp_15_r20/frameworks/av/media/module/codecs/mp3dec/src/
H A Dpvmp3_dct_16.cpp45 int32 vec[], input vector length 16
49 int32 vec[], dct length 16
57 int32 vec[], input vector length 16
61 int32 vec[], merged output of two dct 16 to create a dct 32
69 int32 vec[], input vector length 16
73 int32 vec[], splitted even/odd and pre processing rotation
153 void pvmp3_dct_16(int32 vec[], int32 flag) in pvmp3_dct_16() argument
177 tmp_o0 = fxp_mul32_Q32((vec[ 0] - vec[15]), Qfmt_31(0.50241928618816F)); in pvmp3_dct_16()
178 tmp0 = vec[ 0] + vec[15]; in pvmp3_dct_16()
180 tmp_o7 = fxp_mul32_Q32((vec[ 7] - vec[ 8]) << 3, Qfmt_31(0.63764357733614F)); in pvmp3_dct_16()
[all …]
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0.u1/lib/rustlib/src/rust/library/alloc/src/vec/
H A Dmod.rs2 //! `Vec<T>`.
11 //! You can explicitly create a [`Vec`] with [`Vec::new`]:
14 //! let v: Vec<i32> = Vec::new();
17 //! ...or by using the [`vec!`] macro:
20 //! let v: Vec<i32> = vec![];
22 //! let v = vec![1, 2, 3, 4, 5];
24 //! let v = vec![0; 10]; // ten zeroes
31 //! let mut v = vec![1, 2];
39 //! let mut v = vec![1, 2];
47 //! let mut v = vec![1, 2, 3];
[all …]
/aosp_15_r20/prebuilts/rust/linux-musl-x86/1.81.0/lib/rustlib/src/rust/library/alloc/src/vec/
H A Dmod.rs2 //! `Vec<T>`.
11 //! You can explicitly create a [`Vec`] with [`Vec::new`]:
14 //! let v: Vec<i32> = Vec::new();
17 //! ...or by using the [`vec!`] macro:
20 //! let v: Vec<i32> = vec![];
22 //! let v = vec![1, 2, 3, 4, 5];
24 //! let v = vec![0; 10]; // ten zeroes
31 //! let mut v = vec![1, 2];
39 //! let mut v = vec![1, 2];
47 //! let mut v = vec![1, 2, 3];
[all …]
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0/lib/rustlib/src/rust/library/alloc/src/vec/
H A Dmod.rs2 //! `Vec<T>`.
11 //! You can explicitly create a [`Vec`] with [`Vec::new`]:
14 //! let v: Vec<i32> = Vec::new();
17 //! ...or by using the [`vec!`] macro:
20 //! let v: Vec<i32> = vec![];
22 //! let v = vec![1, 2, 3, 4, 5];
24 //! let v = vec![0; 10]; // ten zeroes
31 //! let mut v = vec![1, 2];
39 //! let mut v = vec![1, 2];
47 //! let mut v = vec![1, 2, 3];
[all …]

12345678910>>...458