Home
last modified time | relevance | path

Searched defs:dim1 (Results 1 – 25 of 148) sorted by relevance

123456

/aosp_15_r20/external/aac/libFDK/include/
H A DFDK_matrixCalloc.h148 #define FDK_ALLOCATE_MEMORY_1D(a, dim1, type) \ argument
153 #define FDK_ALLOCATE_MEMORY_1D_ALIGNED(a, dim1, type) \ argument
159 #define FDK_ALLOCATE_MEMORY_1D_P(a, dim1, type, ptype) \ argument
164 #define FDK_ALLOCATE_MEMORY_1D_INT(a, dim1, type, s) \ argument
182 #define FDK_ALLOCATE_MEMORY_2D(a, dim1, dim2, type) \ argument
188 #define FDK_ALLOCATE_MEMORY_2D_INT(a, dim1, dim2, type, s) \ argument
194 #define FDK_ALLOCATE_MEMORY_2D_INT_ALIGNED(a, dim1, dim2, type, s) \ argument
212 #define FDK_ALLOCATE_MEMORY_3D(a, dim1, dim2, dim3, type) \ argument
218 #define FDK_ALLOCATE_MEMORY_3D_INT(a, dim1, dim2, dim3, type, s) \ argument
/aosp_15_r20/external/aac/libFDK/src/
H A DFDK_matrixCalloc.cpp107 void *fdkCallocMatrix1D_aligned(UINT dim1, UINT size) { in fdkCallocMatrix1D_aligned()
131 void *fdkCallocMatrix1D(UINT dim1, UINT size) { return FDKcalloc(dim1, size); } in fdkCallocMatrix1D()
134 void **fdkCallocMatrix2D(UINT dim1, UINT dim2, UINT size) { in fdkCallocMatrix2D()
155 void **fdkCallocMatrix2D_aligned(UINT dim1, UINT dim2, UINT size) { in fdkCallocMatrix2D_aligned()
188 void **fdkCallocMatrix2D_int(UINT dim1, UINT dim2, UINT size, in fdkCallocMatrix2D_int()
211 void **fdkCallocMatrix2D_int_aligned(UINT dim1, UINT dim2, UINT size, in fdkCallocMatrix2D_int_aligned()
236 void ***fdkCallocMatrix3D(UINT dim1, UINT dim2, UINT dim3, UINT size) { in fdkCallocMatrix3D()
278 void ***fdkCallocMatrix3D_int(UINT dim1, UINT dim2, UINT dim3, UINT size, in fdkCallocMatrix3D_int()
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/
H A Dtranspose_utils_test.cc364 int dim0, dim1; in TEST() local
382 int dim0, dim1; in TEST() local
400 int dim0, dim1; in TEST() local
418 int dim0, dim1; in TEST() local
435 int dim0, dim1; in TEST() local
454 int dim0, dim1; in TEST() local
473 int dim0, dim1; in TEST() local
492 int dim0, dim1; in TEST() local
/aosp_15_r20/external/pytorch/benchmarks/tensorexpr/
H A Dreduction.py134 def __init__(self, mode, device, dtype, red_dim, dim0, dim1): argument
189 def __init__(self, mode, device, dtype, dim0, dim1): argument
207 def __init__(self, mode, device, dtype, dim0, dim1): argument
238 def __init__(self, mode, device, dtype, red_dim, dim0, dim1): argument
260 def __init__(self, mode, device, dtype, dim0, dim1): argument
278 def __init__(self, mode, device, dtype, dim0, dim1): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkldnn/
H A DTensorShape.cpp33 Tensor mkldnn_transpose(const Tensor& self, int64_t dim0, int64_t dim1) { in mkldnn_transpose()
37 Tensor& mkldnn_transpose_(Tensor& self, int64_t dim0, int64_t dim1) { in mkldnn_transpose_()
80 Tensor mkldnn_transpose(const Tensor& self, int64_t dim0, int64_t dim1) { in mkldnn_transpose()
94 Tensor& mkldnn_transpose_(Tensor& self, int64_t dim0, int64_t dim1) { in mkldnn_transpose_()
/aosp_15_r20/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
H A DTensor.h348 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE explicit Tensor(Index dim1) in Tensor()
353 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2) in Tensor()
358 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3) in Tensor()
363 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3, Index dim4) in Tensor()
368 …EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3, Index dim4, Index… in Tensor()
H A DTensorMap.h98 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2) : m_data(dataPtr… in TensorMap()
102 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3) : m_… in TensorMap()
106 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde… in TensorMap()
110 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde… in TensorMap()
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/
H A DTranspose.cpp30 const int64_t dim1 = graph->extract_scalar<int64_t>(extra_args[3]); in resize_transpose_view_node() local
42 const int64_t dim1, in check_transpose_view_args()
62 const int64_t dim1 = graph.extract_scalar<int64_t>(dim1_ref); in add_transpose_view_node() local
/aosp_15_r20/external/executorch/kernels/portable/cpu/util/
H A Dtranspose_util.h84 int64_t dim1, in transpose_tensors()
147 int64_t dim1, in check_transpose_copy_args()
158 SizesType dim1, in get_transpose_out_target_size()
/aosp_15_r20/external/eigen/unsupported/test/
H A Dcxx11_tensor_ifft.cpp40 static void test_2D_fft_ifft_invariant(int dim0, int dim1) { in test_2D_fft_ifft_invariant()
68 static void test_3D_fft_ifft_invariant(int dim0, int dim1, int dim2) { in test_3D_fft_ifft_invariant()
100 static void test_sub_fft_ifft_invariant(int dim0, int dim1, int dim2, int dim3) { in test_sub_fft_ifft_invariant()
H A Dcxx11_tensor_reverse_sycl.cpp25 IndexType dim1 = 2; in test_simple_reverse() local
116 IndexType dim1 = 2; in test_expr_reverse() local
H A Dcxx11_tensor_index_list.cpp271 int dim1 = 2; in test_dynamic_index_list() local
365 Eigen::IndexList<Eigen::type2index<1>, int> dim1; in test_dim_check() local
/aosp_15_r20/external/executorch/kernels/portable/cpu/
H A Dop_diagonal_copy.cpp23 int64_t dim1, in diagonal_copy_impl()
68 int64_t dim1, in diagonal_copy_out()
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DBatchRulesViews.cpp310 int64_t offset, int64_t dim1, int64_t dim2) in diagonal_batching_rule()
322 c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2) { in diagonal_backward_batch_rule()
357 int64_t dim1) { in transpose_int_batch_rule()
520 …const Tensor& self, std::optional<int64_t> self_bdim, int64_t offset, int64_t dim1, int64_t dim2) { in diag_embed_batch_rule()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dsplit_v_op_test.cc93 #define BM_SPLITV_2D(split_dim, num_split, dim0, dim1) \ argument
110 #define BM_SPLITV_3D(split_dim, num_split, dim0, dim1, dim2) \ argument
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/
H A Dtest_generated_ops.cc329 auto dim1 = 1; in TEST() local
1111 auto dim1 = 1; in TEST() local
1148 auto dim1 = 1; in TEST() local
1586 auto dim1 = 0; in TEST() local
1979 auto dim1 = 1; in TEST() local
2015 auto dim1 = 1; in TEST() local
2048 auto dim1 = 1; in TEST() local
2080 auto dim1 = 1; in TEST() local
2829 auto dim1 = 1; in TEST() local
2865 auto dim1 = 1; in TEST() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DTensorShape.cpp899 int64_t dim1 = 1; in block_diag() local
927 int64_t dim1 = tensor.size(1); in block_diag() local
1056 int64_t dim1 = maybe_wrap_dim(dim1_, nDims); in diagonal() local
1108 Tensor diagonal(const Tensor& self, Dimname outdim, Dimname dim1, Dimname dim2, int64_t offset) { in diagonal()
1124 int64_t dim1 = maybe_wrap_dim(dim1_, nDims); in diag_embed() local
2859 static inline Tensor & sparse_transpose_(Tensor & self, int64_t dim0, int64_t dim1) { in sparse_transpose_()
2936 int64_t dim1) { in propagate_transposed_names()
2945 Tensor transpose(const Tensor& self, Dimname dim0, Dimname dim1) { in transpose()
2951 Tensor & transpose_(Tensor & self, int64_t dim0, int64_t dim1) { in transpose_()
2994 int64_t dim1) { in sparse_compressed_transpose()
[all …]
/aosp_15_r20/external/pytorch/torch/csrc/lazy/core/
H A Dhelpers.cpp72 int64_t dim1, in MakeTransposePermutation()
105 int64_t dim1 = shape1_dims[shape1_dims.size() - min_size + i]; in GetPromotedShape() local
/aosp_15_r20/external/guava/android/guava-tests/test/com/google/common/primitives/
H A DBytesTest.java136 int dim1 = 1 << 16; in testConcat_overflow_negative() local
144 int dim1 = 1 << 16; in testConcat_overflow_nonNegative() local
H A DBooleansTest.java135 int dim1 = 1 << 16; in testConcat_overflow_negative() local
143 int dim1 = 1 << 16; in testConcat_overflow_nonNegative() local
/aosp_15_r20/external/guava/guava-tests/test/com/google/common/primitives/
H A DBytesTest.java136 int dim1 = 1 << 16; in testConcat_overflow_negative() local
144 int dim1 = 1 << 16; in testConcat_overflow_nonNegative() local
H A DBooleansTest.java135 int dim1 = 1 << 16; in testConcat_overflow_negative() local
143 int dim1 = 1 << 16; in testConcat_overflow_nonNegative() local
H A DCharsTest.java227 int dim1 = 1 << 16; in testConcat_overflow_negative() local
235 int dim1 = 1 << 16; in testConcat_overflow_nonNegative() local
/aosp_15_r20/external/pytorch/aten/src/ATen/
H A DExpandUtils.cpp171 auto should_swap = [&](size_t dim0, size_t dim1) { in infer_dense_strides()
198 auto dim1 = i; in infer_dense_strides() local
/aosp_15_r20/external/pytorch/aten/src/ATen/core/
H A DTensorAccessor.h212 index_t dim1, in transpose()
253 index_t dim1, in transpose()

123456