Searched refs:dim2 (Results 1 - 25 of 34) sorted by relevance

12

/external/webrtc/webrtc/modules/audio_coding/codecs/ilbc/
H A Dmy_corr.c30 size_t dim2 /* (i) dimension seq2 */
47 loops=dim1-dim2+1;
50 WebRtcSpl_CrossCorrelation(corr, seq2, seq1, dim2, loops, scale, 1);
H A Dmy_corr.h33 size_t dim2 /* (i) dimension seq2 */
/external/tensorflow/tensorflow/core/kernels/
H A Dconcat_op_test.cc41 static void ConcatHelper(int iters, int concat_dimension, int dim2) { argument
49 Tensor in0(dt, TensorShape({kDim1, dim2}));
51 Tensor in1(dt, TensorShape({kDim1, dim2}));
64 ((kDim1 * dim2) + (kDim1 * dim2)) * sizeof(T));
70 static void BM_ConcatDim0Float(int iters, int dim2) { argument
71 ConcatHelper<float>(iters, 0, dim2);
74 static void BM_ConcatDim1Float(int iters, int dim2) { argument
75 ConcatHelper<float>(iters, 1, dim2);
81 static void BM_ConcatDim1int16(int iters, int dim2) { argument
84 BM_ConcatDim1bfloat16(int iters, int dim2) argument
92 ConcatManyHelper(int iters, int concat_dimension, int dim2) argument
123 BM_ConcatManyDim1bfloat16(int iters, int dim2) argument
129 MemcpyAlternativeHelper(int iters, int concat_dimension, int dim2) argument
149 BM_MemcpyAlternativeDim0(int iters, int dim2) argument
152 BM_MemcpyAlternativeDim1(int iters, int dim2) argument
162 MemcpyManyAlternative1(int iters, int dim2) argument
197 MemcpyManyAlternative2(int iters, int dim2) argument
[all...]
H A Dslice_op_test.cc72 static void BM_SliceFloat(int iters, int dim2) { argument
73 SliceHelper<float>(iters, dim2);
78 static void BM_SliceBFloat16(int iters, int dim2) { argument
79 SliceHelper<bfloat16>(iters, dim2);
H A Dquantized_concat_op_test.cc252 int dim2) {
258 TensorShape shape({kDim1, dim2});
282 ((kDim1 * dim2) + (kDim1 * dim2)) * sizeof(T));
288 static void BM_QConcatDim0SameLimitQInt32(int iters, int dim2) { argument
290 dim2);
293 static void BM_QConcatDim1SameLimitQInt32(int iters, int dim2) { argument
295 dim2);
298 static void BM_QConcatDim0DifferLimitQInt32(int iters, int dim2) { argument
300 dim2);
251 ConcatHelper(int iters, int concat_dimension, bool same_limits, int dim2) argument
303 BM_QConcatDim1DifferLimitQInt32(int iters, int dim2) argument
313 BM_QConcatDim0SameLimitQUint8(int iters, int dim2) argument
318 BM_QConcatDim1SameLimitQUint8(int iters, int dim2) argument
323 BM_QConcatDim0DifferLimitQUint8(int iters, int dim2) argument
328 BM_QConcatDim1DifferLimitQUint8(int iters, int dim2) argument
[all...]
H A Dstrided_slice_op_test.cc79 static void BM_SliceFloat(int iters, int dim2) { argument
80 SliceHelper<float>(iters, dim2);
85 static void BM_SliceComplex64(int iters, int dim2) { argument
86 SliceHelper<std::complex<float>>(iters, dim2);
91 static void BM_SliceBFloat16(int iters, int dim2) { argument
92 SliceHelper<bfloat16>(iters, dim2);
/external/aac/libFDK/src/
H A DFDK_matrixCalloc.cpp134 void **fdkCallocMatrix2D(UINT dim1, UINT dim2, UINT size) { argument
138 if (!dim1 || !dim2) return NULL;
142 if ((p2 = (char *)fdkCallocMatrix1D(dim1 * dim2, size)) == NULL) {
149 p2 += dim2 * size;
155 void **fdkCallocMatrix2D_aligned(UINT dim1, UINT dim2, UINT size) { argument
159 if (!dim1 || !dim2) return NULL;
163 if ((p2 = (char *)fdkCallocMatrix1D_aligned(dim1 * dim2, size)) == NULL) {
170 p2 += dim2 * size;
188 void **fdkCallocMatrix2D_int(UINT dim1, UINT dim2, UINT size, argument
194 if (!dim1 || !dim2) retur
211 fdkCallocMatrix2D_int_aligned(UINT dim1, UINT dim2, UINT size, MEMORY_SECTION s) argument
236 fdkCallocMatrix3D(UINT dim1, UINT dim2, UINT dim3, UINT size) argument
278 fdkCallocMatrix3D_int(UINT dim1, UINT dim2, UINT dim3, UINT size, MEMORY_SECTION s) argument
[all...]
H A Dnlc_dec.cpp389 const INT dim1, const INT dim2, SCHAR out_data[][2],
455 (HANDLE_HUFF_NODE)&FDK_huffCLDNodes.h2D[dim1][dim2]->lav3[0][0];
459 (HANDLE_HUFF_NODE)&FDK_huffCLDNodes.h2D[dim1][dim2]->lav5[0][0];
463 (HANDLE_HUFF_NODE)&FDK_huffCLDNodes.h2D[dim1][dim2]->lav7[0][0];
467 (HANDLE_HUFF_NODE)&FDK_huffCLDNodes.h2D[dim1][dim2]->lav9[0][0];
475 (HANDLE_HUFF_NODE)&FDK_huffICCNodes.h2D[dim1][dim2]->lav1[0][0];
479 (HANDLE_HUFF_NODE)&FDK_huffICCNodes.h2D[dim1][dim2]->lav3[0][0];
483 (HANDLE_HUFF_NODE)&FDK_huffICCNodes.h2D[dim1][dim2]->lav5[0][0];
487 (HANDLE_HUFF_NODE)&FDK_huffICCNodes.h2D[dim1][dim2]->lav7[0][0];
494 nodeTab = (HANDLE_HUFF_NODE)&huffOLDNodes.h2D[dim1][dim2]
388 huff_dec_2D(HANDLE_FDK_BITSTREAM strm, const DATA_TYPE data_type, const INT dim1, const INT dim2, SCHAR out_data[][2], const INT num_val, const INT stride, SCHAR* p0_data[2]) argument
[all...]
H A Dfft.cpp1578 const int dim1, const int dim2,
1591 FDK_ASSERT(length == dim1 * dim2);
1593 /* Perform dim2 times the fft of length dim1. The input samples are at the
1600 for (i = 0; i < dim2; i++) {
1602 pDst[2 * j] = pSrc[2 * j * dim2];
1603 pDst[2 * j + 1] = pSrc[2 * j * dim2 + 1];
1644 /* Perform dim1 times the fft of length dim2. The input samples are at the
1646 vector for the fft of length dim2 is built of the interleaved samples in aDst,
1653 for (int j = 0; j < dim2; j++) {
1661 switch (dim2) {
1577 fftN2_func(FIXP_DBL *pInput, const int length, const int dim1, const int dim2, void (*const fft1)(FIXP_DBL *), void (*const fft2)(FIXP_DBL *), const FIXP_STB *RotVectorReal, const FIXP_STB *RotVectorImag, FIXP_DBL *aDst, FIXP_DBL *aDst2) argument
[all...]
/external/aac/libFDK/include/
H A DFDK_matrixCalloc.h123 void** fdkCallocMatrix2D(UINT dim1, UINT dim2, UINT size);
124 void** fdkCallocMatrix2D_aligned(UINT dim1, UINT dim2, UINT size);
127 void** fdkCallocMatrix2D_int(UINT dim1, UINT dim2, UINT size, MEMORY_SECTION s);
130 void** fdkCallocMatrix2D_int_aligned(UINT dim1, UINT dim2, UINT size,
140 void*** fdkCallocMatrix3D(UINT dim1, UINT dim2, UINT dim3, UINT size);
143 void*** fdkCallocMatrix3D_int(UINT dim1, UINT dim2, UINT dim3, UINT size,
182 #define FDK_ALLOCATE_MEMORY_2D(a, dim1, dim2, type) \
183 if (((a) = (type**)fdkCallocMatrix2D((dim1), (dim2), sizeof(type))) == \
188 #define FDK_ALLOCATE_MEMORY_2D_INT(a, dim1, dim2, type, s) \
189 if (((a) = (type**)fdkCallocMatrix2D_int((dim1), (dim2), sizeo
[all...]
/external/eigen/unsupported/test/
H A Dcxx11_tensor_ifft.cpp68 static void test_3D_fft_ifft_invariant(int dim0, int dim1, int dim2) { argument
69 Tensor<double, 3, DataLayout> tensor(dim0, dim1, dim2);
85 VERIFY_IS_EQUAL(tensor_after_fft.dimension(2), dim2);
88 VERIFY_IS_EQUAL(tensor_after_fft_ifft.dimension(2), dim2);
92 for (int k = 0; k < dim2; ++k) {
100 static void test_sub_fft_ifft_invariant(int dim0, int dim1, int dim2, int dim3) { argument
101 Tensor<double, 4, DataLayout> tensor(dim0, dim1, dim2, dim3);
116 VERIFY_IS_EQUAL(tensor_after_fft.dimension(2), dim2);
120 VERIFY_IS_EQUAL(tensor_after_fft_ifft.dimension(2), dim2);
125 for (int k = 0; k < dim2;
[all...]
H A Dcxx11_tensor_index_list.cpp273 int dim2 = 1; local
276 auto reduction_axis = make_index_list(dim1, dim2, dim3);
304 int dim2 = 1; local
307 auto reduction_axis = make_index_list(0, dim2, 2, dim4);
368 Eigen::IndexList<Eigen::type2index<1>, int> dim2; local
369 dim2.set(1, 2);
370 VERIFY(dimensions_match(dim1, dim2));
H A Dcxx11_tensor_morphing.cpp28 Tensor<float, 2>::Dimensions dim2(6,7);
29 tensor3 = tensor1.reshape(dim2);
/external/ply/ply/example/BASIC/
H A Dbasinterp.py91 var, dim1, dim2 = expr[1]
92 if not dim1 and not dim2:
100 if dim1 and not dim2:
113 if dim1 and dim2:
116 dim2val = self.eval(dim2)
169 var, dim1, dim2 = target
170 if not dim1 and not dim2:
172 elif dim1 and not dim2:
182 elif dim1 and dim2:
184 dim2val = self.eval(dim2)
[all...]
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
H A DTensor.h353 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2) argument
354 : m_storage(dim1*dim2, array<Index, 2>(dim1, dim2))
358 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3) argument
359 : m_storage(dim1*dim2*dim3, array<Index, 3>(dim1, dim2, dim3))
363 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3, Index dim4) argument
364 : m_storage(dim1*dim2*dim3*dim4, array<Index, 4>(dim1, dim2, dim3, dim4))
368 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Inde argument
[all...]
H A DTensorMap.h78 EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2) : m_data(dataPtr), m_dimensions(dim1, dim2) { argument
82 EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3) : m_data(dataPtr), m_dimensions(dim1, dim2, dim3) { argument
86 EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3, Index dim4) : m_data(dataPtr), m_dimensions(dim1, dim2, dim3, dim4) { argument
90 EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3, Index dim4, Index dim5) : m_data(dataPtr), m_dimensions(dim1, dim2, dim3, dim4, dim5) { argument
/external/tensorflow/tensorflow/core/util/
H A Dmkl_util_test.cc76 memory::dims dim2 = {3, 4}; local
78 b.SetUsrMem(dim2, strides2);
/external/tensorflow/tensorflow/contrib/reduce_slice_ops/kernels/
H A Dreduce_slice_ops.cc59 Index dim2 = output.dimension(1); \
61 Index size = dim1 * dim2 * dim3; \
71 XYZ xyz = global_index_to_xyz(global, XYZ(dim1, dim2, dim3)); \
85 thread_pool->ParallelFor(size, std::max(bound / dim2, (Index)1), work); \
/external/tensorflow/tensorflow/python/keras/_impl/keras/layers/
H A Dconvolutional.py1140 The upsampling factors for dim1, dim2 and dim3.
1155 `(batch, dim1, dim2, dim3, channels)`
1157 `(batch, channels, dim1, dim2, dim3)`
1178 dim2 = self.size[1] * input_shape[
1183 [input_shape[0], input_shape[1], dim1, dim2, dim3])
1187 dim2 = self.size[1] * input_shape[
1192 [input_shape[0], dim1, dim2, dim3, input_shape[4]])
1430 dim2 = input_shape[3] + 2 * self.padding[1][0]
1432 dim2 = None
1438 [input_shape[0], input_shape[1], dim1, dim2, dim
[all...]
/external/tensorflow/tensorflow/core/grappler/costs/
H A Dop_level_cost_estimator_test.cc99 void DescribeTensor4D(int dim0, int dim1, int dim2, int dim3, argument
105 shape->add_dim()->set_size(dim2);
H A Dgraph_properties.cc112 const int64 dim2 = InferenceContext::Value(d2); local
114 if (dim1 >= 0 && dim2 >= 0) {
115 CHECK_EQ(dim1, dim2);
117 } else if (dim1 >= 0 && dim2 < 0) {
119 } else if (dim1 < 0 && dim2 >= 0) {
120 return RefineDim(dim2, result);
123 } else if (dim2 < -1) {
124 return RefineDim(dim2, result);
126 CHECK_EQ(dim1, dim2);
/external/tensorflow/tensorflow/compiler/xla/
H A Dliteral_util.h1056 int64 dim2 = 0; local
1058 array(dim0, dim1, dim2) = value;
1059 ++dim2;
1061 CHECK_EQ(dim2_size, dim2);
1081 int64 dim2 = 0; local
1085 array(dim0, dim1, dim2, dim3) = value;
1089 ++dim2;
1091 CHECK_EQ(dim2_size, dim2);
H A Dreference_util.cc553 WindowDimension dim2; local
554 dim2.set_size(
556 dim2.set_stride(kernel_stride.second);
557 dim2.set_padding_low(paddings[1].first);
558 dim2.set_padding_high(paddings[1].second);
559 dim2.set_window_dilation(rhs_dilation.second);
560 dim2.set_base_dilation(lhs_dilation.second);
561 *window.add_dimensions() = dim2;
/external/javassist/src/main/javassist/compiler/
H A DCodeGen.java1032 int dim2 = arrayDim;
1033 boolean type2Is2 = is2word(type2, dim2);
1038 convToString(type2, dim2);
1052 convToString(type2, dim2);
/external/swiftshader/src/OpenGL/compiler/
H A DOutputASM.h318 static int dim2(TIntermNode *m);

Completed in 873 milliseconds

12