Home
last modified time | relevance | path

Searched refs:SparseMatrix (Results 1 – 25 of 2671) sorted by relevance

12345678910>>...107

/dports/graphics/graphviz/graphviz-2.44.1/lib/sparse/
H A DSparseMatrix.h50 SparseMatrix SparseMatrix_from_coordinate_format(SparseMatrix A);
70 SparseMatrix SparseMatrix_add(SparseMatrix A, SparseMatrix B);
71 SparseMatrix SparseMatrix_multiply(SparseMatrix A, SparseMatrix B);
72 SparseMatrix SparseMatrix_multiply3(SparseMatrix A, SparseMatrix B, SparseMatrix C);
86 SparseMatrix SparseMatrix_transpose(SparseMatrix A);
90 SparseMatrix SparseMatrix_remove_diagonal(SparseMatrix A);
92 SparseMatrix SparseMatrix_divide_row_by_degree(SparseMatrix A);
98 SparseMatrix SparseMatrix_copy(SparseMatrix A);
116 SparseMatrix SparseMatrix_get_augmented(SparseMatrix A);
126 SparseMatrix SparseMatrix_largest_component(SparseMatrix A);
[all …]
/dports/math/py-Diofant/Diofant-0.13.0/diofant/tests/matrices/
H A Dtest_sparse.py23 a = SparseMatrix((
36 a = SparseMatrix((
59 a = SparseMatrix((
64 b = SparseMatrix((
120 S = SparseMatrix.eye(3)
199 m2 = SparseMatrix(
523 assert SparseMatrix() == SparseMatrix([])
524 assert SparseMatrix() == SparseMatrix([[]])
528 assert SparseMatrix.eye(3) == eye(3, cls=SparseMatrix)
530 assert SparseMatrix.zeros(3) == zeros(3, cls=SparseMatrix)
[all …]
/dports/math/py-sympy/sympy-1.9/sympy/matrices/tests/
H A Dtest_sparse.py27 a = SparseMatrix((
48 a = SparseMatrix((
75 a = SparseMatrix((
81 b = SparseMatrix((
272 m2 = SparseMatrix(
425 assert a.col_insert(2, SparseMatrix.zeros(2, 1)) == SparseMatrix([
589 lambda: SparseMatrix(1, 2, [1, 2]) + SparseMatrix(2, 1, [2, 1]))
594 assert SparseMatrix() == SparseMatrix([])
595 assert SparseMatrix() == SparseMatrix([[]])
599 assert SparseMatrix.eye(3) == eye(3, cls=SparseMatrix)
[all …]
/dports/math/octave/octave-6.4.0/liboctave/array/
H A DdSparse.h68 SparseMatrix (const SparseMatrix& a) : MSparse<double> (a) { } in SparseMatrix() function
70 SparseMatrix (const SparseMatrix& a, const dim_vector& dv) in SparseMatrix() function
96 SparseMatrix& operator = (const SparseMatrix& a)
114 SparseMatrix& insert (const SparseMatrix& a, octave_idx_type r,
117 SparseMatrix& insert (const SparseMatrix& a,
120 SparseMatrix concat (const SparseMatrix& rb,
173 SparseMatrix dsolve (MatrixType& typ, const SparseMatrix& b,
308 SparseMatrix solve (MatrixType& typ, const SparseMatrix& b,
362 SparseMatrix solve (const SparseMatrix& b) const;
480 extern OCTAVE_API SparseMatrix min (const SparseMatrix& a,
[all …]
/dports/math/gap/gap-4.11.0/pkg/MajoranaAlgebras-1.4/gap/
H A DDihedralAlgebras.gi17 algebraproducts := [ SparseMatrix( 1, 3, [ [ 1 ] ], [ [ 1 ] ], Rationals ),
18 SparseMatrix( 1, 3, [ [ 1, 2, 3 ] ], [ [ 1/8, 1/8, -1/8 ] ], Rationals ),
19 SparseMatrix( 1, 3, [ [ 1, 2, 3 ] ], [ [ 1/8, -1/8, 1/8 ] ], Rationals ),
20 SparseMatrix( 1, 3, [ [ 2 ] ], [ [ 1 ] ], Rationals ),
21 SparseMatrix( 1, 3, [ [ 1, 2, 3 ] ], [ [ -1/8, 1/8, 1/8 ] ], Rationals ),
22 SparseMatrix( 1, 3, [ [ 3 ] ], [ [ 1 ] ], Rationals ) ],
48 algebraproducts := [ SparseMatrix( 1, 2, [ [ 1 ] ], [ [ 1 ] ], Rationals ),
49 SparseMatrix( 1, 2, [ [ ] ], [ [ ] ], Rationals ),
50 SparseMatrix( 1, 2, [ [ 2 ] ], [ [ 1 ] ], Rationals ) ],
231 SparseMatrix( 1, 8, [ [ 2 ] ], [ [ 1 ] ], Rationals ),
[all …]
/dports/audio/faust/faust-2.37.3/tools/physicalModeling/mesh2faust/vega/libraries/include/
H A DsparseMatrix.h104 class SparseMatrix; variable
148 friend class SparseMatrix; variable
156 class SparseMatrix
167 SparseMatrix(const SparseMatrix & source); // copy constructor
168 ~SparseMatrix();
206 SparseMatrix operator+(const SparseMatrix & mat2) const;
207 SparseMatrix operator-(const SparseMatrix & mat2) const;
209SparseMatrix & operator=(const SparseMatrix & source); // matrices must have same size and locatio…
211 SparseMatrix & operator+=(const SparseMatrix & mat2);
212 SparseMatrix & operator-=(const SparseMatrix & mat2);
[all …]
/dports/audio/faust/faust-2.37.3/tools/physicalModeling/mesh2faust/vega/libraries/sparseMatrix/
H A DsparseMatrix.h104 class SparseMatrix; variable
148 friend class SparseMatrix; variable
156 class SparseMatrix
167 SparseMatrix(const SparseMatrix & source); // copy constructor
168 ~SparseMatrix();
206 SparseMatrix operator+(const SparseMatrix & mat2) const;
207 SparseMatrix operator-(const SparseMatrix & mat2) const;
209SparseMatrix & operator=(const SparseMatrix & source); // matrices must have same size and locatio…
211 SparseMatrix & operator+=(const SparseMatrix & mat2);
212 SparseMatrix & operator-=(const SparseMatrix & mat2);
[all …]
/dports/math/deal.ii/dealii-803d21ff957e349b3799cd3ef2c840bc78734305/source/lac/
H A Dsparse_matrix.inst.in22 template class SparseMatrix<S>;
29 template SparseMatrix<S1> &SparseMatrix<S1>::copy_from<S2>(
30 const SparseMatrix<S2> &);
34 template void SparseMatrix<S1>::add<S2>(const S1, const SparseMatrix<S2> &);
142 template void SparseMatrix<S1>::mmult(SparseMatrix<S2> &,
146 template void SparseMatrix<S1>::Tmmult(SparseMatrix<S2> &,
165 template SparseMatrix<S1> &SparseMatrix<S1>::copy_from<S2>(
166 const SparseMatrix<S2> &);
170 template void SparseMatrix<S1>::add<S2>(const S1, const SparseMatrix<S2> &);
253 template void SparseMatrix<S1>::mmult(SparseMatrix<S2> &,
[all …]
H A Dpetsc_sparse_matrix.cc30 SparseMatrix::SparseMatrix() in SparseMatrix() function in PETScWrappers::SparseMatrix
40 SparseMatrix::SparseMatrix(const size_type m, in SparseMatrix() function in PETScWrappers::SparseMatrix
50 SparseMatrix::SparseMatrix(const size_type m, in SparseMatrix() function in PETScWrappers::SparseMatrix
61 SparseMatrix::SparseMatrix(const SparsityPatternType &sparsity_pattern, in SparseMatrix() function in PETScWrappers::SparseMatrix
69 SparseMatrix &
248 SparseMatrix::m() const in m()
258 SparseMatrix::n() const in n()
268 SparseMatrix::mmult(SparseMatrix & C, in mmult()
279 SparseMatrix::Tmmult(SparseMatrix & C, in Tmmult()
292 template SparseMatrix::SparseMatrix(const SparsityPattern &, const bool);
[all …]
/dports/math/polymake/polymake-4.5/apps/common/cpperl/
H A DSparseMatrix.cpperl3 …ude": ["polymake/SparseMatrix.h"], "pkg": "Polymake::common::SparseMatrix", "wrapper_file": "inclu…
14 …{"args": ["SparseMatrix<double, NonSymmetric>"], "include": ["polymake/IncidenceMatrix.h", "polyma…
22SparseMatrix<double, NonSymmetric>", "perl::Canned<const SparseMatrix<double, NonSymmetric>&>"], "…
23 …{"args": ["SparseMatrix<Int, NonSymmetric>"], "include": ["polymake/IncidenceMatrix.h", "polymake/
24SparseMatrix<Int, NonSymmetric>>&>", "perl::Canned<const SparseMatrix<Int, NonSymmetric>&>"], "inc…
27SparseMatrix<Rational, NonSymmetric>", "perl::Canned<const SparseMatrix<Int, NonSymmetric>&>"], "i…
37SparseMatrix<double, NonSymmetric>", "perl::Canned<const SparseMatrix<Rational, NonSymmetric>&>"],…
45SparseMatrix<double, NonSymmetric>>&>", "perl::Canned<const SparseMatrix<double, NonSymmetric>&>"]…
46SparseMatrix<Rational, NonSymmetric>", "perl::Canned<const SparseMatrix<Rational, Symmetric>&>"], …
52SparseMatrix<Int, NonSymmetric>", "perl::Canned<const SparseMatrix<Int, NonSymmetric>&>"], "includ…
[all …]
/dports/math/mfem/mfem-4.3/linalg/
H A Dsparsemat.hpp158 SparseMatrix& operator=(const SparseMatrix &rhs);
563 SparseMatrix &operator+=(const SparseMatrix &B);
666 SparseMatrix *Transpose(const SparseMatrix &A);
677 SparseMatrix *Mult(const SparseMatrix &A, const SparseMatrix &B,
681 SparseMatrix *TransposeMult(const SparseMatrix &A, const SparseMatrix &B);
698 SparseMatrix *RAP(const SparseMatrix &A, const SparseMatrix &R,
702 SparseMatrix *RAP(const SparseMatrix &Rt, const SparseMatrix &A,
711 SparseMatrix * Add(const SparseMatrix & A, const SparseMatrix & B);
716 SparseMatrix * Add(Array<SparseMatrix *> & Ai);
731 SparseMatrix *OuterProduct(const SparseMatrix &A, const SparseMatrix &B);
[all …]
/dports/astro/gpstk/GPSTk-8.0.0/ext/lib/Geomatics/
H A DSparseMatrix.hpp187 SparseMatrix<T> operator*(const SparseMatrix<T>& L, const SparseMatrix<T>& R);
201 SparseMatrix<T> operator*(const SparseMatrix<T>& L, const SparseMatrix<T>& R);
210 SparseMatrix<T> operator||(const SparseMatrix<T>& L, const SparseMatrix<T>& R);
399 SparseMatrix(const SparseMatrix<T>& SM,
634 template <class T> SparseMatrix<T>::SparseMatrix(const SparseMatrix<T>& SM, in SparseMatrix() function in gpstk::SparseMatrix
980 SparseMatrix<T> operator*(const SparseMatrix<T>& L, const SparseMatrix<T>& R) in operator *()
1110 SparseMatrix<T> operator||(const SparseMatrix<T>& L, const SparseMatrix<T>& R) in operator ||()
1151 SparseMatrix<T>& SparseMatrix<T>::operator-=(const SparseMatrix<T>& SM) in operator -=()
1196 SparseMatrix<T> operator-(const SparseMatrix<T>& L, const SparseMatrix<T>& R) in operator -()
1240 SparseMatrix<T>& SparseMatrix<T>::operator+=(const SparseMatrix<T>& SM) in operator +=()
[all …]
/dports/math/linbox/linbox-1.6.3/linbox/matrix/
H A Dsparse-matrix.h47 class SparseMatrix ; variable
93 class MatrixContainerTrait<SparseMatrix<Field,Storage> > {
115 struct MatrixTraits< SparseMatrix<Field, SparseMatrixFormat::CSR> >
117 typedef SparseMatrix<Field, SparseMatrixFormat::CSR> MatrixType;
124 typedef SparseMatrix<Field, SparseMatrixFormat::CSR> MatrixType;
131 typedef SparseMatrix<Field, SparseMatrixFormat::SparseMap> MatrixType;
138 typedef SparseMatrix<Field, SparseMatrixFormat::SparseMap> MatrixType;
145 typedef SparseMatrix<Field, SparseMatrixFormat::SparsePar> MatrixType;
152 typedef SparseMatrix<Field, SparseMatrixFormat::SparsePar> MatrixType;
159 typedef SparseMatrix<Field, SparseMatrixFormat::SparseSeq> MatrixType;
[all …]
/dports/math/octave/octave-6.4.0/libinterp/corefcn/
H A Dsparse-xdiv.h36 class SparseMatrix; variable
47 extern SparseMatrix xdiv (const SparseMatrix& a, const SparseMatrix& b,
49 extern SparseComplexMatrix xdiv (const SparseMatrix& a,
56 extern SparseMatrix xdiv (const SparseMatrix& a,
58 extern SparseComplexMatrix xdiv (const SparseMatrix& a,
65 extern Matrix x_el_div (double a, const SparseMatrix& b);
71 extern Matrix xleftdiv (const SparseMatrix& a, const Matrix& b,
80 extern SparseMatrix xleftdiv (const SparseMatrix& a, const SparseMatrix& b,
82 extern SparseComplexMatrix xleftdiv (const SparseMatrix& a,
91 extern SparseMatrix xleftdiv (const DiagMatrix&, const SparseMatrix&,
[all …]
/dports/graphics/graphviz/graphviz-2.44.1/cmd/gvmap/
H A Dmake_map.h23 …int *npolys, SparseMatrix *poly_lines, SparseMatrix *polys, int **polys_groups, SparseMatrix *poly…
24 SparseMatrix *country_graph, int highlight_cluster, int *flag);
28 …int *npolys, SparseMatrix *poly_lines, SparseMatrix *polys, int **polys_groups, SparseMatrix *poly…
29 SparseMatrix *country_graph, int *flag);
32 … improve_contiguity(int n, int dim, int *grouping, SparseMatrix poly_point_map, real *x, SparseMat…
38 void plot_edges(int n, int dim, real *x, SparseMatrix A);
40 void plot_ps_map(int n, int dim, real *x, SparseMatrix polys, SparseMatrix poly_lines, real line_wi…
41 float *fsz, float *r, float *g, float *b, char *plot_label, real *bg_color, SparseMatrix A);
44SparseMatrix polys, SparseMatrix poly_lines, real line_width, char *line_color, real *x_poly, int …
47SparseMatrix polys, SparseMatrix poly_lines, real line_width, int nverts, real *x_poly, int *polys…
[all …]
/dports/math/blaze/blaze-3.8/blaze/math/expressions/
H A DSparseMatrix.h75 class SparseMatrix
82 SparseMatrix() = default;
83 SparseMatrix( const SparseMatrix& ) = default;
84 SparseMatrix( SparseMatrix&& ) = default;
85 ~SparseMatrix() = default;
86 SparseMatrix& operator=( const SparseMatrix& ) = default;
87 SparseMatrix& operator=( SparseMatrix&& ) = default;
106 typename MT::Iterator find( SparseMatrix<MT,SO>& sm, size_t i, size_t j );
144 typename MT::Iterator find( SparseMatrix<MT,SO>& sm, size_t i, size_t j ) in find()
358 inline void resetLower( SparseMatrix<MT,SO>& dm ) in resetLower()
[all …]
/dports/math/deal.ii/dealii-803d21ff957e349b3799cd3ef2c840bc78734305/include/deal.II/lac/
H A Dpetsc_sparse_matrix.h73 SparseMatrix();
89 SparseMatrix(const size_type m,
145 SparseMatrix &
151 SparseMatrix(const SparseMatrix &) = delete;
156 SparseMatrix &
238 mmult(SparseMatrix & C,
239 const SparseMatrix &B,
250 Tmmult(SparseMatrix & C,
395 SparseMatrix();
400 ~SparseMatrix() override;
[all …]
/dports/math/libmesh/libmesh-1.6.2/include/numerics/
H A Dsparse_matrix.h42 template <typename T> class SparseMatrix; variable
64 class SparseMatrix : public ReferenceCountedObject<SparseMatrix<T>>,
80 SparseMatrix (const Parallel::Communicator & comm);
86 SparseMatrix (SparseMatrix &&) = default;
87 SparseMatrix (const SparseMatrix &) = default;
88 SparseMatrix & operator= (const SparseMatrix &) = default;
89 SparseMatrix & operator= (SparseMatrix &&) = default;
90 virtual ~SparseMatrix () = default;
96 static std::unique_ptr<SparseMatrix<T>>
286 virtual void matrix_matrix_mult (SparseMatrix<T> & /*X*/, SparseMatrix<T> & /*Y*/) in matrix_matrix_mult()
[all …]
/dports/math/highs/HiGHS-cfe064e/src/ipm/ipx/src/
H A Dsparse_matrix.h13 class SparseMatrix {
15 SparseMatrix();
16 SparseMatrix(Int nrow, Int ncol);
17 SparseMatrix(Int nrow, Int ncol, Int min_capacity);
110 SparseMatrix Transpose(const SparseMatrix& A);
113 void Transpose(const SparseMatrix& A, SparseMatrix& AT);
116 SparseMatrix CopyColumns(const SparseMatrix& A, const std::vector<Int>& cols);
177 void ForwardSolve(const SparseMatrix& L, const SparseMatrix& U, Vector& x);
182 void BackwardSolve(const SparseMatrix& L, const SparseMatrix& U, Vector& x);
185 double Onenorm(const SparseMatrix& A);
[all …]
/dports/science/py-scipy/scipy-1.7.1/scipy/optimize/_highs/src/ipm/ipx/src/
H A Dsparse_matrix.h13 class SparseMatrix {
15 SparseMatrix();
16 SparseMatrix(Int nrow, Int ncol);
17 SparseMatrix(Int nrow, Int ncol, Int min_capacity);
110 SparseMatrix Transpose(const SparseMatrix& A);
113 void Transpose(const SparseMatrix& A, SparseMatrix& AT);
116 SparseMatrix CopyColumns(const SparseMatrix& A, const std::vector<Int>& cols);
177 void ForwardSolve(const SparseMatrix& L, const SparseMatrix& U, Vector& x);
182 void BackwardSolve(const SparseMatrix& L, const SparseMatrix& U, Vector& x);
185 double Onenorm(const SparseMatrix& A);
[all …]
/dports/math/octave/octave-6.4.0/libinterp/octave-value/
H A Dov-re-sparse.h58 : octave_base_sparse<SparseMatrix> () { } in octave_sparse_matrix()
61 : octave_base_sparse<SparseMatrix> (SparseMatrix (m)) { } in octave_sparse_matrix()
64 : octave_base_sparse<SparseMatrix> (SparseMatrix (m)) { } in octave_sparse_matrix()
66 octave_sparse_matrix (const SparseMatrix& m) in octave_sparse_matrix()
67 : octave_base_sparse<SparseMatrix> (m) { } in octave_sparse_matrix()
70 : octave_base_sparse<SparseMatrix> (m, t) { } in octave_sparse_matrix()
73 : octave_base_sparse<SparseMatrix> (m) { } in octave_sparse_matrix()
76 : octave_base_sparse<SparseMatrix> (m, t) { } in octave_sparse_matrix()
79 : octave_base_sparse<SparseMatrix> (SparseMatrix (m)) { } in octave_sparse_matrix()
82 : octave_base_sparse<SparseMatrix> (SparseMatrix (m), t) { } in octave_sparse_matrix()
[all …]
/dports/cad/PrusaSlicer/PrusaSlicer-version_2.3.3/src/libigl/igl/
H A Dmin_quad_with_fixed.h140 Eigen::SparseMatrix<T> preY;
159 Eigen::SparseMatrix<T> Aeqk;
160 Eigen::SparseMatrix<T> Aequ;
161 Eigen::SparseMatrix<T> Auu;
162 Eigen::SparseMatrix<T> AeqTQ1;
163 Eigen::SparseMatrix<T> AeqTQ1T;
164 Eigen::SparseMatrix<T> AeqTQ2;
166 Eigen::SparseMatrix<T> AeqTR1;
168 Eigen::SparseMatrix<T> AeqTE;
169 Eigen::SparseMatrix<T> AeqTET;
[all …]
/dports/graphics/wings/libigl-2.1.0/include/igl/
H A Dmin_quad_with_fixed.h140 Eigen::SparseMatrix<T> preY;
159 Eigen::SparseMatrix<T> Aeqk;
160 Eigen::SparseMatrix<T> Aequ;
161 Eigen::SparseMatrix<T> Auu;
162 Eigen::SparseMatrix<T> AeqTQ1;
163 Eigen::SparseMatrix<T> AeqTQ1T;
164 Eigen::SparseMatrix<T> AeqTQ2;
166 Eigen::SparseMatrix<T> AeqTR1;
168 Eigen::SparseMatrix<T> AeqTE;
169 Eigen::SparseMatrix<T> AeqTET;
[all …]
/dports/science/bagel/bagel-1.2.2/src/util/math/
H A Dsparsematrix.cc35 SparseMatrix::SparseMatrix(const int n, const int m, const int size, const double* data, int* cols,… in SparseMatrix() function in SparseMatrix
45 SparseMatrix::SparseMatrix(const int n, const int m, const vector<double>& data, vector<int>& cols,… in SparseMatrix() function in SparseMatrix
113 SparseMatrix::SparseMatrix(const SparseMatrix& o) : SparseMatrix(o.ndim_, o.mdim_, o.size_, o.data_… in SparseMatrix() function in SparseMatrix
115 SparseMatrix::SparseMatrix(SparseMatrix&& o) : data_(move(o.data_)), cols_(move(o.cols_)), rind_(mo… in SparseMatrix() function in SparseMatrix
118 void SparseMatrix::scale(const double& a) { in scale()
122 SparseMatrix SparseMatrix::operator*(const double& a) const { in operator *()
123 SparseMatrix out(*this); in operator *()
128 SparseMatrix SparseMatrix::operator/(const double& a) const { in operator /()
129 SparseMatrix out(*this); in operator /()
185 void SparseMatrix::print_table() const { in print_table()
[all …]
/dports/science/lammps/lammps-stable_29Sep2021/lib/atc/
H A DSparseMatrix-inl.h19 SparseMatrix<T>::SparseMatrix(INDEX rows, INDEX cols) in SparseMatrix() function
26 SparseMatrix<T>::SparseMatrix(const SparseMatrix<T>& C) in SparseMatrix() function
35 SparseMatrix<T>::SparseMatrix(const DenseMatrix<T>& C) in SparseMatrix() function
104 void SparseMatrix<T>::_copy(const SparseMatrix<T> &C) in _copy()
122 void SparseMatrix<T>::copy(const SparseMatrix<T> &C) in copy()
233 SparseMatrix<T> operator*(const SparseMatrix<T> &A, const SparseMatrix<T> &B)
269 void SparseMatrix<T>::compress(const SparseMatrix<T> &C) in compress()
657 SparseMatrix<T>& SparseMatrix<T>::operator=(const SparseMatrix<T> &C)
693 SparseMatrix<T>& SparseMatrix<T>::operator*=(const SparseMatrix<T> &a)
704 SparseMatrix<T>& SparseMatrix<T>::operator+=(const SparseMatrix & R)
[all …]

12345678910>>...107