/external/eigen/blas/ |
D | level3_impl.h | 19 …rnal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,ColMajor,false,ColMajo… in EIGEN_BLAS_FUNC() 21 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,ColMajor,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 23 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,ColMajor,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 26 …rnal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,false,ColMajo… in EIGEN_BLAS_FUNC() 28 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 30 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 33 …rnal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,Conj, ColMajo… in EIGEN_BLAS_FUNC() 35 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,Conj, ColMajor>::run), in EIGEN_BLAS_FUNC() 37 …neral_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,Conj, ColMajor>::run), in EIGEN_BLAS_FUNC() 71 …internal::gemm_blocking_space<ColMajor,Scalar,Scalar,Dynamic,Dynamic,Dynamic> blocking(*m,*n,*k,1,… in EIGEN_BLAS_FUNC() [all …]
|
D | level2_impl.h | 32 (general_matrix_vector_product_wrapper<int,Scalar,ColMajor,false,false>::run), in EIGEN_BLAS_FUNC() 91 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|0, false,ColMajor>::ru… in EIGEN_BLAS_FUNC() 98 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|0, false,ColMajor>::ru… in EIGEN_BLAS_FUNC() 105 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|UnitDiag,false,ColMajor>::ru… in EIGEN_BLAS_FUNC() 112 …(internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|UnitDiag,false,ColMajor>::ru… in EIGEN_BLAS_FUNC() 150 …nal::triangular_matrix_vector_product<int,Upper|0, Scalar,false,Scalar,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 157 …nal::triangular_matrix_vector_product<int,Lower|0, Scalar,false,Scalar,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 164 …nal::triangular_matrix_vector_product<int,Upper|UnitDiag,Scalar,false,Scalar,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 171 …nal::triangular_matrix_vector_product<int,Lower|UnitDiag,Scalar,false,Scalar,false,ColMajor>::run), in EIGEN_BLAS_FUNC() 355 … (internal::band_solve_triangular_selector<int,Upper|0, Scalar,false,Scalar,ColMajor>::run), in EIGEN_BLAS_FUNC() [all …]
|
D | common.h | 94 typedef Matrix<Scalar,Dynamic,Dynamic,ColMajor> PlainMatrixType; 95 typedef Map<Matrix<Scalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > MatrixType; 96 typedef Map<const Matrix<Scalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > ConstMatrixType; 101 Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > 104 …return Map<Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >(data, rows, cols, OuterStride<>(… in matrix() 108 Map<const Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > 111 …return Map<const Matrix<T,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> >(data, rows, cols, OuterStr… in matrix()
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_fft.cpp | 41 if (DataLayout == ColMajor) { in test_fft_2D_golden() 60 Tensor<std::complex<float>, 1, ColMajor> input(5); in test_fft_complex_input_golden() 70 …Tensor<std::complex<float>, 1, ColMajor> forward_output_both_parts = input.fft<BothParts, FFT_FORW… in test_fft_complex_input_golden() 71 …Tensor<std::complex<float>, 1, ColMajor> reverse_output_both_parts = input.fft<BothParts, FFT_REVE… in test_fft_complex_input_golden() 73 Tensor<float, 1, ColMajor> forward_output_real_part = input.fft<RealPart, FFT_FORWARD>(fft); in test_fft_complex_input_golden() 74 Tensor<float, 1, ColMajor> reverse_output_real_part = input.fft<RealPart, FFT_REVERSE>(fft); in test_fft_complex_input_golden() 76 Tensor<float, 1, ColMajor> forward_output_imag_part = input.fft<ImagPart, FFT_FORWARD>(fft); in test_fft_complex_input_golden() 77 Tensor<float, 1, ColMajor> reverse_output_imag_part = input.fft<ImagPart, FFT_REVERSE>(fft); in test_fft_complex_input_golden() 117 Tensor<float, 1, ColMajor> input(5); in test_fft_real_input_golden() 127 …Tensor<std::complex<float>, 1, ColMajor> forward_output_both_parts = input.fft<BothParts, FFT_FORW… in test_fft_real_input_golden() [all …]
|
D | cxx11_tensor_ifft.cpp | 135 CALL_SUBTEST(test_1D_fft_ifft_invariant<ColMajor>(4)); in test_cxx11_tensor_ifft() 136 CALL_SUBTEST(test_1D_fft_ifft_invariant<ColMajor>(16)); in test_cxx11_tensor_ifft() 137 CALL_SUBTEST(test_1D_fft_ifft_invariant<ColMajor>(32)); in test_cxx11_tensor_ifft() 138 CALL_SUBTEST(test_1D_fft_ifft_invariant<ColMajor>(1024*1024)); in test_cxx11_tensor_ifft() 140 CALL_SUBTEST(test_2D_fft_ifft_invariant<ColMajor>(4,4)); in test_cxx11_tensor_ifft() 141 CALL_SUBTEST(test_2D_fft_ifft_invariant<ColMajor>(8,16)); in test_cxx11_tensor_ifft() 142 CALL_SUBTEST(test_2D_fft_ifft_invariant<ColMajor>(16,32)); in test_cxx11_tensor_ifft() 143 CALL_SUBTEST(test_2D_fft_ifft_invariant<ColMajor>(1024,1024)); in test_cxx11_tensor_ifft() 145 CALL_SUBTEST(test_3D_fft_ifft_invariant<ColMajor>(4,4,4)); in test_cxx11_tensor_ifft() 146 CALL_SUBTEST(test_3D_fft_ifft_invariant<ColMajor>(8,16,32)); in test_cxx11_tensor_ifft() [all …]
|
D | cxx11_tensor_patch.cpp | 31 if (DataLayout == ColMajor) { in test_simple_patch() 56 if (DataLayout == ColMajor) { in test_simple_patch() 81 if (DataLayout == ColMajor) { in test_simple_patch() 100 if (DataLayout == ColMajor) { in test_simple_patch() 107 if (DataLayout == ColMajor) { in test_simple_patch() 126 if (DataLayout == ColMajor) { in test_simple_patch() 145 if (DataLayout == ColMajor) { in test_simple_patch() 153 if (DataLayout == ColMajor) { in test_simple_patch() 169 CALL_SUBTEST(test_simple_patch<ColMajor>()); in test_cxx11_tensor_patch()
|
D | cxx11_tensor_contract_cuda.cu | 151 test_cuda_contraction<ColMajor>(k, 128, 128); in test_cuda_contraction_m() 159 test_cuda_contraction<ColMajor>(128, k, 128); in test_cuda_contraction_k() 167 test_cuda_contraction<ColMajor>(128, 128, k); in test_cuda_contraction_n() 199 CALL_SUBTEST_1(test_cuda_contraction<ColMajor>(128, 128, 128)); in test_cxx11_tensor_cuda() 202 CALL_SUBTEST_1(test_scalar<ColMajor>(128, 128, 128)); in test_cxx11_tensor_cuda() 205 CALL_SUBTEST_2(test_cuda_contraction_m<ColMajor>()); in test_cxx11_tensor_cuda() 208 CALL_SUBTEST_4(test_cuda_contraction_k<ColMajor>()); in test_cxx11_tensor_cuda() 211 CALL_SUBTEST_6(test_cuda_contraction_n<ColMajor>()); in test_cxx11_tensor_cuda() 214 CALL_SUBTEST_8(test_cuda_contraction_sizes<ColMajor>()); in test_cxx11_tensor_cuda()
|
D | cxx11_tensor_io.cpp | 124 CALL_SUBTEST(test_output_0d<ColMajor>()); in test_cxx11_tensor_io() 126 CALL_SUBTEST(test_output_1d<ColMajor>()); in test_cxx11_tensor_io() 128 CALL_SUBTEST(test_output_2d<ColMajor>()); in test_cxx11_tensor_io() 130 CALL_SUBTEST(test_output_expr<ColMajor>()); in test_cxx11_tensor_io() 132 CALL_SUBTEST(test_output_string<ColMajor>()); in test_cxx11_tensor_io() 134 CALL_SUBTEST(test_output_const<ColMajor>()); in test_cxx11_tensor_io()
|
D | cxx11_tensor_mixed_indices.cpp | 17 Tensor<float, 1, ColMajor> vec1(6); in test_simple() 18 Tensor<float, 1, ColMajor, int> vec2(6); in test_simple() 28 TensorMap<Tensor<float, 1, ColMajor>> vec3(data3, 6); in test_simple() 31 TensorMap<Tensor<float, 1, ColMajor, int>> vec4(data4, 6); in test_simple()
|
D | cxx11_tensor_argmax.cpp | 279 CALL_SUBTEST(test_simple_index_tuples<ColMajor>()); in test_cxx11_tensor_argmax() 281 CALL_SUBTEST(test_index_tuples_dim<ColMajor>()); in test_cxx11_tensor_argmax() 283 CALL_SUBTEST(test_argmax_tuple_reducer<ColMajor>()); in test_cxx11_tensor_argmax() 285 CALL_SUBTEST(test_argmin_tuple_reducer<ColMajor>()); in test_cxx11_tensor_argmax() 287 CALL_SUBTEST(test_simple_argmax<ColMajor>()); in test_cxx11_tensor_argmax() 289 CALL_SUBTEST(test_simple_argmin<ColMajor>()); in test_cxx11_tensor_argmax() 291 CALL_SUBTEST(test_argmax_dim<ColMajor>()); in test_cxx11_tensor_argmax() 293 CALL_SUBTEST(test_argmin_dim<ColMajor>()); in test_cxx11_tensor_argmax()
|
D | cxx11_tensor_custom_index.cpp | 92 test_map_as_index<ColMajor>(); in test_cxx11_tensor_custom_index() 94 test_matrix_as_index<ColMajor>(); in test_cxx11_tensor_custom_index() 96 test_varlist_as_index<ColMajor>(); in test_cxx11_tensor_custom_index() 98 test_sizes_as_index<ColMajor>(); in test_cxx11_tensor_custom_index()
|
D | cxx11_tensor_contraction.cpp | 336 if (DataLayout == ColMajor) { in test_consistency() 515 CALL_SUBTEST(test_evals<ColMajor>()); in test_cxx11_tensor_contraction() 517 CALL_SUBTEST(test_scalar<ColMajor>()); in test_cxx11_tensor_contraction() 519 CALL_SUBTEST(test_multidims<ColMajor>()); in test_cxx11_tensor_contraction() 521 CALL_SUBTEST(test_holes<ColMajor>()); in test_cxx11_tensor_contraction() 523 CALL_SUBTEST(test_full_redux<ColMajor>()); in test_cxx11_tensor_contraction() 525 CALL_SUBTEST(test_contraction_of_contraction<ColMajor>()); in test_cxx11_tensor_contraction() 527 CALL_SUBTEST(test_expr<ColMajor>()); in test_cxx11_tensor_contraction() 529 CALL_SUBTEST(test_out_of_order_contraction<ColMajor>()); in test_cxx11_tensor_contraction() 531 CALL_SUBTEST(test_consistency<ColMajor>()); in test_cxx11_tensor_contraction() [all …]
|
/external/eigen/test/ |
D | product_trmm.cpp | 26 typedef Matrix<Scalar,Dynamic,OtherCols,OtherCols==1?ColMajor:OtherOrder> OnTheRight; in trmm() 29 typedef Matrix<Scalar,Dynamic,OtherCols,OtherCols==1?ColMajor:ResOrder> ResXS; in trmm() 74 trmm<Scalar,Mode,TriOrder,ColMajor,ColMajor,1>(rows,cols,1); in trmv() 84 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, ColMajor,ColMajor,ColMajor>())); \ 85 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, ColMajor,ColMajor,RowMajor>())); \ 86 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, ColMajor,RowMajor,ColMajor>())); \ 87 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, ColMajor,RowMajor,RowMajor>())); \ 88 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, RowMajor,ColMajor,ColMajor>())); \ 89 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, RowMajor,ColMajor,RowMajor>())); \ 90 EIGEN_CAT(CALL_SUBTEST_,NB)((trmm<SCALAR, MODE, RowMajor,RowMajor,ColMajor>())); \ [all …]
|
D | pastix_support.cpp | 19 PastixLLT< SparseMatrix<T, ColMajor>, Eigen::Lower > pastix_llt_lower; in test_pastix_T() 20 PastixLDLT< SparseMatrix<T, ColMajor>, Eigen::Lower > pastix_ldlt_lower; in test_pastix_T() 21 PastixLLT< SparseMatrix<T, ColMajor>, Eigen::Upper > pastix_llt_upper; in test_pastix_T() 22 PastixLDLT< SparseMatrix<T, ColMajor>, Eigen::Upper > pastix_ldlt_upper; in test_pastix_T() 23 PastixLU< SparseMatrix<T, ColMajor> > pastix_lu; in test_pastix_T() 44 PastixLU< SparseMatrix<T, ColMajor> > pastix_lu; in test_pastix_T_LU()
|
D | product_small.cpp | 44 typename internal::enable_if<! ( (Rows ==1&&Depth!=1&&OA==ColMajor) 47 || (Depth==1&&Cols !=1&&OB==ColMajor) 48 || (Rows ==1&&Cols !=1&&OC==ColMajor) 60 typename internal::enable_if< ( (Rows ==1&&Depth!=1&&OA==ColMajor) 63 || (Depth==1&&Cols !=1&&OB==ColMajor) 64 || (Rows ==1&&Cols !=1&&OC==ColMajor) 73 CALL_SUBTEST(( test_lazy_single<T,Rows,Cols,Depth,ColMajor,ColMajor,ColMajor>(rows,cols,depth) )); in test_lazy_all_layout() 74 CALL_SUBTEST(( test_lazy_single<T,Rows,Cols,Depth,RowMajor,ColMajor,ColMajor>(rows,cols,depth) )); in test_lazy_all_layout() 75 CALL_SUBTEST(( test_lazy_single<T,Rows,Cols,Depth,ColMajor,RowMajor,ColMajor>(rows,cols,depth) )); in test_lazy_all_layout() 76 CALL_SUBTEST(( test_lazy_single<T,Rows,Cols,Depth,RowMajor,RowMajor,ColMajor>(rows,cols,depth) )); in test_lazy_all_layout() [all …]
|
/external/eigen/Eigen/src/SparseCore/ |
D | ConservativeSparseSparseProduct.h | 126 int LhsStorageOrder = (traits<Lhs>::Flags&RowMajorBit) ? RowMajor : ColMajor, 127 int RhsStorageOrder = (traits<Rhs>::Flags&RowMajorBit) ? RowMajor : ColMajor, 128 int ResStorageOrder = (traits<ResultType>::Flags&RowMajorBit) ? RowMajor : ColMajor> 132 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,ColMajor,ColMajor,ColMajor> 140 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename ResultType::StorageIndex> ColMa… 165 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,RowMajor,ColMajor,ColMajor> 178 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,ColMajor,RowMajor,ColMajor> 191 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,RowMajor,RowMajor,ColMajor> 204 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,ColMajor,ColMajor,RowMajor> 210 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename ResultType::StorageIndex> ColMa… [all …]
|
D | SparseSparseProductWithPruning.h | 86 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,ColMajor,ColMajor> 100 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,ColMajor,RowMajor> 106 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename ResultType::StorageIndex> Spars… 127 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,RowMajor,RowMajor,ColMajor> 132 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename Lhs::StorageIndex> ColMajorMatr… 133 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename Lhs::StorageIndex> ColMajorMatr… 147 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,RowMajor,RowMajor> 159 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,RowMajor,ColMajor,RowMajor> 171 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,RowMajor,ColMajor> 176 …typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename Lhs::StorageIndex> ColMajorMatr… [all …]
|
/external/eigen/Eigen/src/Core/products/ |
D | GeneralMatrixVector_BLAS.h | 54 …ix_vector_product<Index,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ColMajor,ConjugateLhs… 57 const const_blas_data_mapper<Scalar,Index,ColMajor> &lhs, \ 62 …ix_vector_product<Index,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ColMajor,ConjugateLhs… 65 … general_matrix_vector_product_gemv<Index,Scalar,ColMajor,ConjugateLhs,Scalar,ConjugateRhs>::run( \ 71 …Major>,RowMajor,ConjugateLhs,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ConjugateRhs,Spe… 75 const const_blas_data_mapper<Scalar,Index,ColMajor> &rhs, \ 92 typedef Matrix<EIGTYPE,Dynamic,1,ColMajor> GEMVVector;\ 104 char trans=(LhsStorageOrder==ColMajor) ? 'N' : (ConjugateLhs) ? 'C' : 'T'; \
|
D | TriangularMatrixMatrix_BLAS.h | 58 LhsStorageOrder,ConjugateLhs, RhsStorageOrder,ConjugateRhs,ColMajor,Specialized> { \ 63 RhsStorageOrder, ConjugateRhs, ColMajor>::run( \ 83 LhsStorageOrder,ConjugateLhs,RhsStorageOrder,ConjugateRhs,ColMajor> \ 91 conjA = ((LhsStorageOrder==ColMajor) && ConjugateLhs) ? 1 : 0 \ 118 LhsStorageOrder,ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, BuiltIn>::run( \ 126 …gemm_blocking_space<ColMajor,EIGTYPE,EIGTYPE,Dynamic,Dynamic,Dynamic> gemm_blocking(_rows,_cols,_d… 127 …t<Index,EIGTYPE,LhsStorageOrder,ConjugateLhs,EIGTYPE,RhsStorageOrder,ConjugateRhs,ColMajor>::run( \ 194 LhsStorageOrder,ConjugateLhs,RhsStorageOrder,ConjugateRhs,ColMajor> \ 202 conjA = ((RhsStorageOrder==ColMajor) && ConjugateRhs) ? 1 : 0 \ 228 LhsStorageOrder,ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, BuiltIn>::run( \ [all …]
|
D | GeneralMatrixMatrixTriangular_BLAS.h | 51 Scalar,RhsStorageOrder,ConjugateRhs,ColMajor,UpLo,Specialized> { \ 56 general_matrix_matrix_rankupdate<Index,Scalar,LhsStorageOrder,ConjugateLhs,ColMajor,UpLo> \ 62 ColMajor, UpLo, BuiltIn> \ 77 struct general_matrix_matrix_rankupdate<Index,EIGTYPE,AStorageOrder,ConjugateA,ColMajor,UpLo> { \ 81 conjA = ((AStorageOrder==ColMajor) && ConjugateA) ? 1 : 0 \ 98 struct general_matrix_matrix_rankupdate<Index,EIGTYPE,AStorageOrder,ConjugateA,ColMajor,UpLo> { \ 102 …conjA = (((AStorageOrder==ColMajor) && ConjugateA) || ((AStorageOrder==RowMajor) && !ConjugateA)) …
|
D | SelfadjointMatrixMatrix_BLAS.h | 47 …trix<EIGTYPE,Index,LhsStorageOrder,true,ConjugateLhs,RhsStorageOrder,false,ConjugateRhs,ColMajor> \ 94 …trix<EIGTYPE,Index,LhsStorageOrder,true,ConjugateLhs,RhsStorageOrder,false,ConjugateRhs,ColMajor> \ 121 …if (((LhsStorageOrder==ColMajor) && ConjugateLhs) || ((LhsStorageOrder==RowMajor) && (!ConjugateLh… 129 if (RhsStorageOrder==ColMajor && (!ConjugateRhs)) { \ 132 if (RhsStorageOrder==ColMajor && ConjugateRhs) { \ 164 …trix<EIGTYPE,Index,LhsStorageOrder,false,ConjugateLhs,RhsStorageOrder,true,ConjugateRhs,ColMajor> \ 210 …trix<EIGTYPE,Index,LhsStorageOrder,false,ConjugateLhs,RhsStorageOrder,true,ConjugateRhs,ColMajor> \ 236 …if (((RhsStorageOrder==ColMajor) && ConjugateRhs) || ((RhsStorageOrder==RowMajor) && (!ConjugateRh… 244 if (LhsStorageOrder==ColMajor && (!ConjugateLhs)) { \ 247 if (LhsStorageOrder==ColMajor && ConjugateLhs) { \
|
D | TriangularSolverVector.h | 24 Conjugate,StorageOrder==RowMajor?ColMajor:RowMajor 42 typedef const_blas_data_mapper<RhsScalar,Index,ColMajor> RhsMapper; 89 struct triangular_solve_vector<LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, ColMajor> 96 typedef Map<const Matrix<LhsScalar,Dynamic,Dynamic,ColMajor>, 0, OuterStride<> > LhsMap; 98 typedef const_blas_data_mapper<LhsScalar,Index,ColMajor> LhsMapper; 99 typedef const_blas_data_mapper<RhsScalar,Index,ColMajor> RhsMapper; 131 …general_matrix_vector_product<Index,LhsScalar,LhsMapper,ColMajor,Conjugate,RhsScalar,RhsMapper,fal…
|
D | SelfadjointProduct.h | 23 struct selfadjoint_rank1_update<Scalar,Index,ColMajor,UpLo,ConjLhs,ConjRhs> 43 …selfadjoint_rank1_update<Scalar,Index,ColMajor,UpLo==Lower?Upper:Lower,ConjRhs,ConjLhs>::run(size,… 64 StorageOrder = (internal::traits<MatrixType>::Flags&RowMajorBit) ? RowMajor : ColMajor, 103 typedef internal::gemm_blocking_space<IsRowMajor ? RowMajor : ColMajor,Scalar,Scalar, 110 …Scalar, OtherIsRowMajor ? RowMajor : ColMajor, OtherBlasTraits::NeedToConjugate && NumTraits<Sc… 111 …Scalar, OtherIsRowMajor ? ColMajor : RowMajor, (!OtherBlasTraits::NeedToConjugate) && NumTraits<Sc… 112 IsRowMajor ? RowMajor : ColMajor, UpLo>
|
D | GeneralMatrixMatrixTriangular.h | 49 RhsScalar, RhsStorageOrder==RowMajor ? ColMajor : RowMajor, ConjugateRhs, 50 LhsScalar, LhsStorageOrder==RowMajor ? ColMajor : RowMajor, ConjugateLhs, 51 ColMajor, UpLo==Lower?Upper:Lower> 58 …hsScalar,LhsStorageOrder,ConjugateLhs,RhsScalar,RhsStorageOrder,ConjugateRhs,ColMajor,UpLo,Version> 69 typedef blas_data_mapper<typename Traits::ResScalar, Index, ColMajor> ResMapper; 147 typedef blas_data_mapper<ResScalar, Index, ColMajor> ResMapper; 151 …Matrix<ResScalar,BlockSize,BlockSize,ColMajor> buffer((internal::constructor_without_unaligned_arr… 224 StorageOrder = (internal::traits<MatrixType>::Flags&RowMajorBit) ? RowMajor : ColMajor, 281 …typedef internal::gemm_blocking_space<IsRowMajor ? RowMajor : ColMajor,typename Lhs::Scalar,typena… 287 typename Lhs::Scalar, LhsIsRowMajor ? RowMajor : ColMajor, LhsBlasTraits::NeedToConjugate, [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | eigen_mkldnn_contraction_kernel_test.cc | 42 static const int Options = ColMajor; in TEST() 44 using DataMapper = blas_data_mapper<Scalar, Index, ColMajor>; in TEST() 46 gemm_pack_colmajor_block<Scalar, Index, DataMapper, ColMajor>; in TEST() 92 static const int Options = ColMajor; in TEST() 107 using OutputMapper = blas_data_mapper<Scalar, Index, ColMajor>; in TEST() 109 mkldnn_gemm_kernel<Scalar, Index, OutputMapper, ColMajor>; in TEST() 119 using Matrix = Eigen::Matrix<Scalar, Dynamic, Dynamic, ColMajor>; in TEST() 120 using MatrixMap = Map<Eigen::Matrix<Scalar, Dynamic, Dynamic, ColMajor>>; in TEST()
|