HomeSort by relevance Sort by last modified time
    Searched refs:RowMajor (Results 1 - 25 of 260) sorted by null

1 2 3 4 5 6 7 8 91011

  /external/tensorflow/tensorflow/core/framework/
tensor_types.h 27 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType>,
31 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType>, Eigen::Aligned>
35 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType> >
38 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType> >
41 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, int>,
47 Eigen::TensorFixedSize<T, Eigen::Sizes<>, Eigen::RowMajor, IndexType>,
51 Eigen::RowMajor, IndexType>,
57 Eigen::TensorFixedSize<T, Eigen::Sizes<>, Eigen::RowMajor, IndexType> >
60 Eigen::RowMajor, IndexType> >
64 typedef Eigen::TensorMap<Eigen::Tensor<T, 1, Eigen::RowMajor, IndexType>
    [all...]
  /external/eigen/test/
pardiso_support.cpp 10 PardisoLLT < SparseMatrix<T, RowMajor>, Lower> pardiso_llt_lower;
11 PardisoLLT < SparseMatrix<T, RowMajor>, Upper> pardiso_llt_upper;
12 PardisoLDLT < SparseMatrix<T, RowMajor>, Lower> pardiso_ldlt_lower;
13 PardisoLDLT < SparseMatrix<T, RowMajor>, Upper> pardiso_ldlt_upper;
14 PardisoLU < SparseMatrix<T, RowMajor> > pardiso_lu;
lscg.cpp 17 LeastSquaresConjugateGradient<SparseMatrix<T,RowMajor> > lscg_rowmajor_diag;
18 LeastSquaresConjugateGradient<SparseMatrix<T,RowMajor>, IdentityPreconditioner> lscg_rowmajor_I;
umfpack_support.cpp 18 UmfPackLU<SparseMatrix<T, RowMajor> > umfpack_rowmajor;
product_trmm.cpp 27 typedef Matrix<Scalar,OtherCols,Dynamic,OtherCols==1?RowMajor:OtherOrder> OnTheLeft;
30 typedef Matrix<Scalar,OtherCols,Dynamic,OtherCols==1?RowMajor:ResOrder> ResSX;
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...]
  /external/eigen/failtest/
sparse_storage_mismatch.cpp 6 typedef SparseMatrix<double,RowMajor> Mat2;
  /external/gemmlowp/meta/
quantized_mul_kernels_arm_32.h 28 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 1,
31 RowMajor>& params,
37 "QuantizedStaticPreprocessed, RowMajor, 1, 1, 8>::Multiply()"
102 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 2,
105 RowMajor>& params,
111 "QuantizedStaticPreprocessed, RowMajor, 1, 2, 8>::Multiply()"
180 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 3,
183 RowMajor>& params,
189 "QuantizedStaticPreprocessed, RowMajor, 1, 3, 8>::Multiply()"
264 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 4
    [all...]
quantized_mul_kernels_arm_64.h 28 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 1,
31 RowMajor>& params,
37 "QuantizedStaticPreprocessed, RowMajor, 1, 1, 8>::Multiply()"
101 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 2,
104 RowMajor>& params,
110 "QuantizedStaticPreprocessed, RowMajor, 1, 2, 8>::Multiply()"
177 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 3,
180 RowMajor>& params,
186 "QuantizedStaticPreprocessed, RowMajor, 1, 3, 8>::Multiply()"
259 MulKernel<uint8_t, uint8_t, QuantizedStaticPreprocessed, RowMajor, 1, 4
    [all...]
streams.h 25 struct RowMajor {
48 class StreamUtil<InType, RowMajor> {
50 static const InType* Offset(const RowMajor& params, const InType* source,
57 static InType* Offset(const RowMajor& params, InType* source,
64 static int Scratch(const RowMajor& params, int lanes_count, int pack_size) {
120 class Stream<InType, lanes_count, pack_size, leftovers, RowMajor> {
122 static void Pack(const InType* in, const RowMajor& params, InType* out) {
125 std::cout << "RowMajor(" << std::string(typeid(InType).name())
137 static int UnpackedAdvance(const RowMajor& params) {
141 static int PackedAdvance(const RowMajor& params)
    [all...]
quantized_mul_kernels.h 36 class MulKernel<InType, OutType, QuantizedStaticPreprocessed, RowMajor, m, n,
39 typedef FusedKernelParams<QuantizedStaticPreprocessed, RowMajor> FusedKernel;
84 class MulKernel<InType, OutType, QuantizedStaticPreprocessedAsInt32, RowMajor,
87 typedef FusedKernelParams<QuantizedStaticPreprocessedAsInt32, RowMajor>
129 class MulKernel<InType, OutType, QuantizedStaticPreprocessedAsFloat, RowMajor,
132 typedef FusedKernelParams<QuantizedStaticPreprocessedAsFloat, RowMajor>
  /external/eigen/doc/snippets/
Tutorial_Map_rowmajor.cpp 4 cout << "Row-major:\n" << Map<Matrix<int,2,4,RowMajor> >(array) << endl;
Tutorial_ReshapeMat2Vec.cpp 9 Matrix<float,Dynamic,Dynamic,RowMajor> M2(M1);
TopicStorageOrders_example.cpp 13 Matrix<int, 3, 4, RowMajor> Arowmajor = Acolmajor;
  /external/eigen/Eigen/src/SparseCore/
SparseSparseProductWithPruning.h 100 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,ColMajor,RowMajor>
114 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,RowMajor,RowMajor,RowMajor>
127 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,RowMajor,RowMajor,ColMajor>
147 struct sparse_sparse_product_with_pruning_selector<Lhs,Rhs,ResultType,ColMajor,RowMajor,RowMajor>
152 typedef SparseMatrix<typename ResultType::Scalar,RowMajor,typename Lhs::StorageIndex> RowMajorMatrixLhs;
154 sparse_sparse_product_with_pruning_selector<RowMajorMatrixLhs,Rhs,ResultType,RowMajor,RowMajor>(rowLhs,rhs,res,tolerance)
    [all...]
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>
139 typedef SparseMatrix<typename ResultType::Scalar,RowMajor,typename ResultType::StorageIndex> RowMajorMatrix;
165 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,RowMajor,ColMajor,ColMajor>
169 typedef SparseMatrix<typename ResultType::Scalar,RowMajor,typename ResultType::StorageIndex> RowMajorMatrix;
178 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,ColMajor,RowMajor,ColMajor>
182 typedef SparseMatrix<typename ResultType::Scalar,RowMajor,typename ResultType::StorageIndex> RowMajorMatrix;
191 struct conservative_sparse_sparse_product_selector<Lhs,Rhs,ResultType,RowMajor,RowMajor,ColMajor
    [all...]
  /external/eigen/unsupported/test/
cxx11_tensor_io.cpp 125 CALL_SUBTEST(test_output_0d<RowMajor>());
127 CALL_SUBTEST(test_output_1d<RowMajor>());
129 CALL_SUBTEST(test_output_2d<RowMajor>());
131 CALL_SUBTEST(test_output_expr<RowMajor>());
133 CALL_SUBTEST(test_output_string<RowMajor>());
135 CALL_SUBTEST(test_output_const<RowMajor>());
cxx11_tensor_custom_index.cpp 93 test_map_as_index<RowMajor>();
95 test_matrix_as_index<RowMajor>();
97 test_varlist_as_index<RowMajor>();
99 test_sizes_as_index<RowMajor>();
cxx11_tensor_map.cpp 15 using Eigen::RowMajor;
20 Tensor<int, 0, RowMajor> scalar2;
23 TensorMap<Tensor<const int, 0, RowMajor> > scalar4(scalar2.data());
38 Tensor<int, 1, RowMajor> vec2(6);
41 TensorMap<Tensor<const int, 1, RowMajor> > vec4(vec2.data(), 6);
72 Tensor<int, 2, RowMajor> mat2(2,3);
89 TensorMap<Tensor<const int, 2, RowMajor> > mat4(mat2.data(), 2, 3);
119 Tensor<int, 3, RowMajor> mat2(2,3,7);
133 TensorMap<Tensor<const int, 3, RowMajor> > mat4(mat2.data(), 2, 3, 7);
163 Tensor<int, 3, RowMajor> mat2(2,3,7)
    [all...]
cxx11_tensor_fixed_size.cpp 15 using Eigen::RowMajor;
21 TensorFixedSize<float, Sizes<>, RowMajor> scalar2;
38 TensorFixedSize<float, Sizes<>, RowMajor> scalar4 = scalar2.sqrt();
50 TensorFixedSize<float, Sizes<6>, RowMajor> vec2;
76 TensorFixedSize<float, Sizes<6>, RowMajor> vec4 = vec2.sqrt();
109 TensorFixedSize<float, Sizes<6>, RowMajor> vec2;
135 TensorMap<TensorFixedSize<float, Sizes<2, 3>, RowMajor> > mat2(data2,2,3);
157 TensorFixedSize<float, Sizes<2, 3>, RowMajor> mat4;
183 TensorFixedSize<float, Sizes<2, 3, 7>, RowMajor> mat2;
204 TensorFixedSize<float, Sizes<2, 3, 7>, RowMajor> mat4
    [all...]
cxx11_tensor_fft.cpp 232 test_fft_2D_golden<RowMajor>();
254 test_fft_real_input_energy<RowMajor, float, true, Eigen::BothParts, FFT_FORWARD, 1>();
255 test_fft_real_input_energy<RowMajor, double, true, Eigen::BothParts, FFT_FORWARD, 1>();
256 test_fft_real_input_energy<RowMajor, float, false, Eigen::BothParts, FFT_FORWARD, 1>();
257 test_fft_real_input_energy<RowMajor, double, false, Eigen::BothParts, FFT_FORWARD, 1>();
259 test_fft_real_input_energy<RowMajor, float, true, Eigen::BothParts, FFT_FORWARD, 2>();
260 test_fft_real_input_energy<RowMajor, double, true, Eigen::BothParts, FFT_FORWARD, 2>();
261 test_fft_real_input_energy<RowMajor, float, false, Eigen::BothParts, FFT_FORWARD, 2>();
262 test_fft_real_input_energy<RowMajor, double, false, Eigen::BothParts, FFT_FORWARD, 2>();
264 test_fft_real_input_energy<RowMajor, float, true, Eigen::BothParts, FFT_FORWARD, 3>()
    [all...]
  /external/eigen/Eigen/src/Core/products/
GeneralMatrixVector_BLAS.h 54 struct general_matrix_vector_product<Index,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ColMajor,ConjugateLhs,Scalar,const_blas_data_mapper<Scalar,Index,RowMajor>,ConjugateRhs,Specialized> { \
58 const const_blas_data_mapper<Scalar,Index,RowMajor> &rhs, \
62 general_matrix_vector_product<Index,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ColMajor,ConjugateLhs,Scalar,const_blas_data_mapper<Scalar,Index,RowMajor>,ConjugateRhs,BuiltIn>::run( \
71 struct general_matrix_vector_product<Index,Scalar,const_blas_data_mapper<Scalar,Index,RowMajor>,RowMajor,ConjugateLhs,Scalar,const_blas_data_mapper<Scalar,Index,ColMajor>,ConjugateRhs,Specialized> { \
74 const const_blas_data_mapper<Scalar,Index,RowMajor> &lhs, \
78 general_matrix_vector_product_gemv<Index,Scalar,RowMajor,ConjugateLhs,Scalar,ConjugateRhs>::run( \
105 if (LhsStorageOrder==RowMajor) { \
  /external/eigen/Eigen/src/Eigenvalues/
SelfAdjointEigenSolver_LAPACKE.h 83 EIGEN_LAPACKE_EIG_SELFADJ(double, double, double, dsyev, RowMajor, LAPACK_ROW_MAJOR)
84 EIGEN_LAPACKE_EIG_SELFADJ(float, float, float, ssyev, RowMajor, LAPACK_ROW_MAJOR)
85 EIGEN_LAPACKE_EIG_SELFADJ(dcomplex, lapack_complex_double, double, zheev, RowMajor, LAPACK_ROW_MAJOR)
86 EIGEN_LAPACKE_EIG_SELFADJ(scomplex, lapack_complex_float, float, cheev, RowMajor, LAPACK_ROW_MAJOR)
  /external/eigen/unsupported/Eigen/src/Splines/
SplineFwd.h 35 enum { DerivativeMemoryLayout = Dimension==1 ? RowMajor : ColMajor /*!< The derivative type's memory layout. */ };
41 typedef Array<Scalar,Dynamic,Dynamic,RowMajor,NumOfDerivativesAtCompileTime,OrderAtCompileTime> BasisDerivativeType;
71 enum { DerivativeMemoryLayout = _Dim==1 ? RowMajor : ColMajor /*!< The derivative type's memory layout. */ };
74 typedef Array<_Scalar,Dynamic,Dynamic,RowMajor,NumOfDerivativesAtCompileTime,OrderAtCompileTime> BasisDerivativeType;
  /external/eigen/blas/
level3_impl.h 21 (internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,ColMajor,false,ColMajor>::run),
23 (internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,ColMajor,false,ColMajor>::run),
26 (internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,false,ColMajor>::run),
28 (internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,false,ColMajor>::run),
30 (internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,Conj, Scalar,RowMajor,false,ColMajor>::run),
33 (internal::general_matrix_matrix_product<DenseIndex,Scalar,ColMajor,false,Scalar,RowMajor,Conj, ColMajor>::run),
35 (internal::general_matrix_matrix_product<DenseIndex,Scalar,RowMajor,false,Scalar,RowMajor,Conj, ColMajor>::run)
    [all...]
level2_impl.h 18 typedef internal::const_blas_data_mapper<Scalar,Index,RowMajor> RhsMapper;
34 (general_matrix_vector_product_wrapper<int,Scalar,RowMajor,false,false>::run),
36 (general_matrix_vector_product_wrapper<int,Scalar,RowMajor,Conj ,false>::run),
93 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|0, false,RowMajor>::run),
95 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|0, Conj, RowMajor>::run),
100 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|0, false,RowMajor>::run),
102 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|0, Conj, RowMajor>::run),
107 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|UnitDiag,false,RowMajor>::run),
109 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Lower|UnitDiag,Conj, RowMajor>::run),
114 (internal::triangular_solve_vector<Scalar,Scalar,int,OnTheLeft, Upper|UnitDiag,false,RowMajor>::run)
    [all...]

Completed in 507 milliseconds

1 2 3 4 5 6 7 8 91011