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

1 2 3

  /external/llvm/include/llvm/CodeGen/PBQP/
Math.h 169 Matrix(unsigned Rows, unsigned Cols) :
170 Rows(Rows), Cols(Cols), Data(new PBQPNum[Rows * Cols]) {
175 Matrix(unsigned Rows, unsigned Cols, PBQPNum InitVal)
176 : Rows(Rows), Cols(Cols), Data(new PBQPNum[Rows * Cols]) {
177 std::fill(Data, Data + (Rows * Cols), InitVal);
182 : Rows(M.Rows), Cols(M.Cols), Data(new PBQPNum[Rows * Cols])
    [all...]
  /external/eigen/test/
dense_storage.cpp 14 template <typename T, int Rows, int Cols>
17 static const int Size = ((Rows==Dynamic || Cols==Dynamic) ? Dynamic : Rows*Cols);
18 typedef DenseStorage<T,Size, Rows,Cols, 0> DenseStorageType;
21 const int cols = (Cols==Dynamic) ? 3 : Cols; local
22 const int size = rows*cols;
23 DenseStorageType reference(size, rows, cols);
34 template <typename T, int Rows, int Cols>
41 const int cols = (Cols==Dynamic) ? 3 : Cols; local
    [all...]
qr.cpp 18 Index cols = m.cols(); local
23 MatrixType a = MatrixType::Random(rows,cols);
35 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime };
37 Matrix<Scalar,Rows,Cols> m1 = Matrix<Scalar,Rows,Cols>::Random();
38 HouseholderQR<Matrix<Scalar,Rows,Cols> > qr(m1);
40 Matrix<Scalar,Rows,Cols> r = qr.matrixQR();
42 for(int i = 0; i < Rows; i++) for(int j = 0; j < Cols; j++) if(i>j) r(i,j) = Scalar(0);
46 Matrix<Scalar,Cols,Cols2> m2 = Matrix<Scalar,Cols,Cols2>::Random(Cols,Cols2)
    [all...]
qr_colpivoting.cpp 20 Index cols = internal::random<Index>(2, EIGEN_TEST_MAX_SIZE); local
22 Index rank = internal::random<Index>(1, (std::min)(rows, cols) - 1);
29 createRandomPIMatrixOfRank(rank, rows, cols, matrix);
32 VERIFY(cols - cod.rank() == cod.dimensionOfKernel());
44 t.setZero(rows, cols);
51 MatrixType exact_solution = MatrixType::Random(cols, cols2);
69 Cols = MatrixType::ColsAtCompileTime
72 int rank = internal::random<int>(1, (std::min)(int(Rows), int(Cols)) - 1);
73 Matrix<Scalar, Rows, Cols> matrix;
74 createRandomPIMatrixOfRank(rank, Rows, Cols, matrix)
99 Index rows = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE), cols = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE), cols2 = internal::random<Index>(2,EIGEN_TEST_MAX_SIZE); local
218 Index rows = 300, cols = rows; local
    [all...]
permutationmatrices.cpp 19 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime,
24 typedef PermutationMatrix<Cols> RightPermutationType;
25 typedef Matrix<int, Cols, 1> RightPermutationVectorType;
29 Index cols = m.cols(); local
31 MatrixType m_original = MatrixType::Random(rows,cols);
36 randomPermutationVector(rv, cols);
38 MatrixType m_permuted = MatrixType::Random(rows,cols);
43 for (int j=0; j<cols; j++)
47 Matrix<Scalar,Cols,Cols> rm(rp)
    [all...]
product_small.cpp 37 for(Index j=0;j<C.cols();++j)
38 for(Index k=0;k<A.cols();++k)
43 template<typename T, int Rows, int Cols, int Depth, int OC, int OA, int OB>
46 || (Cols ==1&&Depth!=1&&OB==RowMajor)
47 || (Depth==1&&Cols !=1&&OB==ColMajor)
48 || (Rows ==1&&Cols !=1&&OC==ColMajor)
49 || (Cols ==1&&Rows !=1&&OC==RowMajor)),void>::type
50 test_lazy_single(int rows, int cols, int depth)
53 Matrix<T,Depth,Cols,OB> B(depth,cols); B.setRandom()
87 int cols = internal::random<int>(1,12); local
116 int cols = internal::random<int>(1,12); local
152 int cols = internal::random<int>(1,12); local
    [all...]
product_trsolve.cpp 30 template<typename Scalar,int Size, int Cols> void trsolve(int size=Size,int cols=Cols)
38 rowmajor = Cols==1 ? ColMajor : RowMajor };
39 Matrix<Scalar,Size,Cols,colmajor> cmRhs(size,cols);
40 Matrix<Scalar,Size,Cols,rowmajor> rmRhs(size,cols);
41 Matrix<Scalar,Dynamic,Dynamic,colmajor> ref(size,cols);
71 int c = internal::random<int>(0,cols-1)
    [all...]
diagonalmatrices.cpp 16 enum { Rows = MatrixType::RowsAtCompileTime, Cols = MatrixType::ColsAtCompileTime };
18 typedef Matrix<Scalar, 1, Cols> RowVectorType;
22 typedef DiagonalMatrix<Scalar, Cols> RightDiagonalMatrix;
23 typedef Matrix<Scalar, Rows==Dynamic?Dynamic:2*Rows, Cols==Dynamic?Dynamic:2*Cols> BigMatrix;
25 Index cols = m.cols(); local
27 MatrixType m1 = MatrixType::Random(rows, cols),
28 m2 = MatrixType::Random(rows, cols);
31 RowVectorType rv1 = RowVectorType::Random(cols),
    [all...]
  /external/deqp/framework/common/
tcuMatrix.hpp 34 template <typename T, int Rows, int Cols>
43 SIZE = Cols,
45 COLS = Cols,
50 explicit Matrix (const T src[Rows*Cols]);
52 Matrix (const Matrix<T, Rows, Cols>& src);
55 Matrix<T, Rows, Cols>& operator= (const Matrix<T, Rows, Cols>& src);
56 Matrix<T, Rows, Cols>& operator*= (const Matrix<T, Rows, Cols>& src)
    [all...]
tcuMatrixUtil.hpp 36 template <typename T, int Rows, int Cols>
37 Matrix<T, Cols, Rows> transpose (const Matrix<T, Rows, Cols>& mat);
60 template <typename T, int Rows, int Cols>
61 inline Matrix<T, Cols, Rows> transpose (const Matrix<T, Rows, Cols>& mat)
63 Matrix<T, Cols, Rows> res;
65 for (int col = 0; col < Cols; col++)
  /external/swiftshader/third_party/llvm-7.0/llvm/include/llvm/CodeGen/PBQP/
Math.h 128 Matrix(unsigned Rows, unsigned Cols) :
129 Rows(Rows), Cols(Cols), Data(llvm::make_unique<PBQPNum []>(Rows * Cols)) {
134 Matrix(unsigned Rows, unsigned Cols, PBQPNum InitVal)
135 : Rows(Rows), Cols(Cols),
136 Data(llvm::make_unique<PBQPNum []>(Rows * Cols)) {
137 std::fill(Data.get(), Data.get() + (Rows * Cols), InitVal);
142 : Rows(M.Rows), Cols(M.Cols)
    [all...]
  /external/gemmlowp/internal/
simd_wrappers.h 152 static constexpr int Cols = ResultBlockType::kCols;
160 static_assert(LhsCols == Cols || LhsCols == 1, "");
161 static_assert(RhsCols == Cols || RhsCols == 1, "");
169 for (int c = 0; c < Cols; c++) {
170 const int lhs_c = LhsCols == Cols ? c : 0;
171 const int rhs_c = RhsCols == Cols ? c : 0;
201 static constexpr int Cols = ResultBlockType::kCols;
215 static_assert(LhsCols == Cols || LhsCols == 1, "");
216 static_assert(RhsCols == Cols || RhsCols == 1, "");
217 for (int c = 0; c < Cols; c++)
    [all...]
simd_wrappers_common_neon_sse.h 502 template <int Rows, int Cols>
504 RegBlockInt32<Rows, Cols>> {
507 RegBlockInt32<Rows, Cols>* acc) {
512 for (int j = 0; j < Cols; j++) {
521 template <int Cols>
522 struct BroadcastMulAddImpl<RegBlockInt32<1, Cols>, RegBlockInt32<1, 1>,
523 RegBlockInt32<1, Cols>> {
524 static void Run(const RegBlockInt32<1, Cols>& lhs,
525 const RegBlockInt32<1, 1>& rhs, RegBlockInt32<1, Cols>* acc) {
527 for (int i = 0; i < RegBlockInt32<1, Cols>::kRegisterCount; i++)
    [all...]
output.h 91 template <int Rows, int Cols, VectorShape Shape>
93 RegisterBlock<std::int32_t, Rows, Cols>> {
94 typedef RegisterBlock<std::int32_t, Rows, Cols> InputType;
95 typedef RegisterBlock<std::int32_t, Rows, Cols> OutputType;
228 template <int Rows, int Cols, typename VectorType>
230 RegisterBlock<std::int32_t, Rows, Cols>> {
231 typedef RegisterBlock<std::int32_t, Rows, Cols> InputType;
232 typedef RegisterBlock<std::int32_t, Rows, Cols> OutputType;
428 template <typename ScalarType, int Rows, int Cols, typename DstType>
429 struct StoreFinalOutputImpl<RegisterBlock<ScalarType, Rows, Cols>, DstType>
    [all...]
  /external/dng_sdk/source/
dng_matrix.cpp 35 uint32 cols)
43 cols < 1 || cols > kMaxColorPlanes)
51 fCols = cols;
114 Cols () != m.Cols ())
122 for (uint32 k = 0; k < Cols (); k++)
148 if (Rows () != Cols ())
154 for (uint32 k = 0; k < Cols (); k++)
188 for (uint32 k = 0; k < Cols (); k++
    [all...]
dng_camera_profile.cpp 228 cameraOne.SetIdentity (m.Cols ());
297 return fColorMatrix1.Cols () == 3 &&
307 return fColorMatrix2.Cols () == 3 &&
421 if (fForwardMatrix1.Rows () == fColorMatrix1.Cols () &&
422 fForwardMatrix1.Cols () == fColorMatrix1.Rows ())
430 fReductionMatrix1.Cols () == colorChannels * 3)
444 if (fForwardMatrix2.Rows () == fColorMatrix2.Cols () &&
445 fForwardMatrix2.Cols () == fColorMatrix2.Rows ())
453 fReductionMatrix2.Cols () == colorChannels * 3)
568 cameraOne.SetIdentity (m.Cols ());
    [all...]
  /external/eigen/unsupported/Eigen/CXX11/src/Tensor/
TensorImagePatch.h 30 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
31 struct traits<TensorImagePatchOp<Rows, Cols, XprType> > : public traits<XprType>
43 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
44 struct eval<TensorImagePatchOp<Rows, Cols, XprType>, Eigen::Dense>
46 typedef const TensorImagePatchOp<Rows, Cols, XprType>& type;
49 template<DenseIndex Rows, DenseIndex Cols, typename XprType>
50 struct nested<TensorImagePatchOp<Rows, Cols, XprType>, 1, typename eval<TensorImagePatchOp<Rows, Cols, XprType> >::type>
52 typedef TensorImagePatchOp<Rows, Cols, XprType> type;
57 template<DenseIndex Rows, DenseIndex Cols, typename XprType
    [all...]
TensorVolumePatch.h 25 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
26 struct traits<TensorVolumePatchOp<Planes, Rows, Cols, XprType> > : public traits<XprType>
38 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
39 struct eval<TensorVolumePatchOp<Planes, Rows, Cols, XprType>, Eigen::Dense>
41 typedef const TensorVolumePatchOp<Planes, Rows, Cols, XprType>& type;
44 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType>
45 struct nested<TensorVolumePatchOp<Planes, Rows, Cols, XprType>, 1, typename eval<TensorVolumePatchOp<Planes, Rows, Cols, XprType> >::type>
47 typedef TensorVolumePatchOp<Planes, Rows, Cols, XprType> type;
52 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType
    [all...]
TensorForwardDeclarations.h 45 template<DenseIndex Rows, DenseIndex Cols, typename XprType> class TensorImagePatchOp;
46 template<DenseIndex Planes, DenseIndex Rows, DenseIndex Cols, typename XprType> class TensorVolumePatchOp;
  /external/deqp/modules/gles2/functional/
es2fShaderMatrixTests.cpp 392 template <typename T, int Rows, int Cols>
393 tcu::Matrix<T, Rows, Cols> matrixCompMult (const tcu::Matrix<T, Rows, Cols>& a, const tcu::Matrix<T, Rows, Cols>& b)
395 tcu::Matrix<T, Rows, Cols> retVal;
398 for (int c = 0; c < Cols; ++c)
406 template <typename T, int Rows, int Cols>
407 tcu::Matrix<T, Rows, Cols> negate (const tcu::Matrix<T, Rows, Cols>& mat)
409 tcu::Matrix<T, Rows, Cols> retVal
    [all...]
  /external/eigen/Eigen/src/Core/
NumTraits.h 193 template<typename Scalar, int Rows, int Cols, int Options, int MaxRows, int MaxCols>
194 struct NumTraits<Array<Scalar, Rows, Cols, Options, MaxRows, MaxCols> >
196 typedef Array<Scalar, Rows, Cols, Options, MaxRows, MaxCols> ArrayType;
198 typedef Array<RealScalar, Rows, Cols, Options, MaxRows, MaxCols> Real;
200 typedef Array<NonIntegerScalar, Rows, Cols, Options, MaxRows, MaxCols> NonInteger;
  /external/deqp/modules/glshared/
glsBuiltinPrecisionTests.cpp 503 template <typename T, int Rows, int Cols>
504 struct Traits<Matrix<T, Rows, Cols> > :
505 ContainerTraits<Matrix<T, Rows, Cols>, Matrix<typename Traits<T>::IVal, Rows, Cols> >
933 template <typename T, int Rows, int Cols>
934 class ExprP<Matrix<T, Rows, Cols> > : public ContainerExprPBase<Matrix<T, Rows, Cols> > {};
1007 template<int Rows, int Cols>
1008 ExprP<Vector<float, Rows> > operator* (const ExprP<Vector<float, Cols> >& left,
1009 const ExprP<Matrix<float, Rows, Cols> >& right)
    [all...]
  /external/eigen/Eigen/src/SparseCore/
SparseUtil.h 76 template<typename T,int Rows,int Cols,int Flags> struct sparse_eval;
82 template<typename T,int Cols,int Flags> struct sparse_eval<T,1,Cols,Flags> {
97 template<typename T,int Rows,int Cols,int Flags> struct sparse_eval {
  /external/deqp/external/vulkancts/modules/vulkan/shaderrender/
vktShaderRenderMatrixTests.cpp 618 template <typename T, int Rows, int Cols>
619 tcu::Matrix<T, Rows, Cols> matrixCompMult (const tcu::Matrix<T, Rows, Cols>& a, const tcu::Matrix<T, Rows, Cols>& b)
621 tcu::Matrix<T, Rows, Cols> retVal;
624 for (int c = 0; c < Cols; ++c)
632 template <typename T, int Rows, int Cols>
633 tcu::Matrix<T, Cols, Rows> outerProduct (const tcu::Vector<T, Cols>& a, const tcu::Vector<T, Rows>& b)
635 tcu::Matrix<T, Rows, Cols> retVal
    [all...]
  /external/deqp/modules/gles3/functional/
es3fShaderMatrixTests.cpp 623 template <typename T, int Rows, int Cols>
624 tcu::Matrix<T, Rows, Cols> matrixCompMult (const tcu::Matrix<T, Rows, Cols>& a, const tcu::Matrix<T, Rows, Cols>& b)
626 tcu::Matrix<T, Rows, Cols> retVal;
629 for (int c = 0; c < Cols; ++c)
637 template <typename T, int Rows, int Cols>
638 tcu::Matrix<T, Cols, Rows> outerProduct (const tcu::Vector<T, Cols>& a, const tcu::Vector<T, Rows>& b)
640 tcu::Matrix<T, Rows, Cols> retVal
    [all...]

Completed in 1300 milliseconds

1 2 3