Skip to content

Commit

Permalink
MIsc. source and comment typos
Browse files Browse the repository at this point in the history
Found using `codespell` and `grep` from downstream FreeCAD
  • Loading branch information
luzpaz committed Mar 11, 2018
1 parent 624df50 commit e3912f5
Show file tree
Hide file tree
Showing 98 changed files with 122 additions and 122 deletions.
2 changes: 1 addition & 1 deletion Eigen/Core
Original file line number Diff line number Diff line change
Expand Up @@ -360,7 +360,7 @@ inline static const char *SimdInstructionSetsInUse(void) {

namespace Eigen {

// we use size_t frequently and we'll never remember to prepend it with std:: everytime just to
// we use size_t frequently and we'll never remember to prepend it with std:: every time just to
// ensure QNX/QCC support
using std::size_t;
// gcc 4.6.0 wants std:: for ptrdiff_t
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Cholesky/LDLT.h
Original file line number Diff line number Diff line change
Expand Up @@ -247,7 +247,7 @@ template<typename _MatrixType, int _UpLo> class LDLT

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful,
* \returns \c Success if computation was successful,
* \c NumericalIssue if the factorization failed because of a zero pivot.
*/
ComputationInfo info() const
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Cholesky/LLT.h
Original file line number Diff line number Diff line change
Expand Up @@ -180,7 +180,7 @@ template<typename _MatrixType, int _UpLo> class LLT

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful,
* \returns \c Success if computation was successful,
* \c NumericalIssue if the matrix.appears not to be positive definite.
*/
ComputationInfo info() const
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/AssignEvaluator.h
Original file line number Diff line number Diff line change
Expand Up @@ -756,7 +756,7 @@ EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void call_dense_assignment_loop(DstXprType
// AssignmentKind must define a Kind typedef.
template<typename DstShape, typename SrcShape> struct AssignmentKind;

// Assignement kind defined in this file:
// Assignment kind defined in this file:
struct Dense2Dense {};
struct EigenBase2EigenBase {};

Expand Down Expand Up @@ -899,7 +899,7 @@ struct Assignment<DstXprType, SrcXprType, Functor, EigenBase2EigenBase, Weak>
src.evalTo(dst);
}

// NOTE The following two functions are templated to avoid their instanciation if not needed
// NOTE The following two functions are templated to avoid their instantiation if not needed
// This is needed because some expressions supports evalTo only and/or have 'void' as scalar type.
template<typename SrcScalarType>
EIGEN_DEVICE_FUNC
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/DenseBase.h
Original file line number Diff line number Diff line change
Expand Up @@ -395,7 +395,7 @@ template<typename Derived> class DenseBase
* Notice that in the case of a plain matrix or vector (not an expression) this function just returns
* a const reference, in order to avoid a useless copy.
*
* \warning Be carefull with eval() and the auto C++ keyword, as detailed in this \link TopicPitfalls_auto_keyword page \endlink.
* \warning Be careful with eval() and the auto C++ keyword, as detailed in this \link TopicPitfalls_auto_keyword page \endlink.
*/
EIGEN_DEVICE_FUNC
EIGEN_STRONG_INLINE EvalReturnType eval() const
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/DenseStorage.h
Original file line number Diff line number Diff line change
Expand Up @@ -61,7 +61,7 @@ struct plain_array
#if defined(EIGEN_DISABLE_UNALIGNED_ARRAY_ASSERT)
#define EIGEN_MAKE_UNALIGNED_ARRAY_ASSERT(sizemask)
#elif EIGEN_GNUC_AT_LEAST(4,7)
// GCC 4.7 is too aggressive in its optimizations and remove the alignement test based on the fact the array is declared to be aligned.
// GCC 4.7 is too aggressive in its optimizations and remove the alignment test based on the fact the array is declared to be aligned.
// See this bug report: http://gcc.gnu.org/bugzilla/show_bug.cgi?id=53900
// Hiding the origin of the array pointer behind a function argument seems to do the trick even if the function is inlined:
template<typename PtrType>
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/MathFunctions.h
Original file line number Diff line number Diff line change
Expand Up @@ -749,7 +749,7 @@ inline EIGEN_MATHFUNC_RETVAL(random, Scalar) random()
return EIGEN_MATHFUNC_IMPL(random, Scalar)::run();
}

// Implementatin of is* functions
// Implementation of is* functions

// std::is* do not work with fast-math and gcc, std::is* are available on MSVC 2013 and newer, as well as in clang.
#if (EIGEN_HAS_CXX11_MATH && !(EIGEN_COMP_GNUC_STRICT && __FINITE_MATH_ONLY__)) || (EIGEN_COMP_MSVC>=1800) || (EIGEN_COMP_CLANG)
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/NoAlias.h
Original file line number Diff line number Diff line change
Expand Up @@ -75,10 +75,10 @@ class NoAlias
*
* More precisely, noalias() allows to bypass the EvalBeforeAssignBit flag.
* Currently, even though several expressions may alias, only product
* expressions have this flag. Therefore, noalias() is only usefull when
* expressions have this flag. Therefore, noalias() is only useful when
* the source expression contains a matrix product.
*
* Here are some examples where noalias is usefull:
* Here are some examples where noalias is useful:
* \code
* D.noalias() = A * B;
* D.noalias() += A.transpose() * B;
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/PlainObjectBase.h
Original file line number Diff line number Diff line change
Expand Up @@ -780,7 +780,7 @@ class PlainObjectBase : public internal::dense_xpr_base<Derived>::type
resize(size);
}

// We have a 1x1 matrix/array => the argument is interpreted as the value of the unique coefficient (case where scalar type can be implicitely converted)
// We have a 1x1 matrix/array => the argument is interpreted as the value of the unique coefficient (case where scalar type can be implicitly converted)
template<typename T>
EIGEN_DEVICE_FUNC
EIGEN_STRONG_INLINE void _init1(const Scalar& val0, typename internal::enable_if<Base::SizeAtCompileTime==1 && internal::is_convertible<T, Scalar>::value,T>::type* = 0)
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/Product.h
Original file line number Diff line number Diff line change
Expand Up @@ -116,7 +116,7 @@ class dense_product_base
: public internal::dense_xpr_base<Product<Lhs,Rhs,Option> >::type
{};

/** Convertion to scalar for inner-products */
/** Conversion to scalar for inner-products */
template<typename Lhs, typename Rhs, int Option>
class dense_product_base<Lhs, Rhs, Option, InnerProduct>
: public internal::dense_xpr_base<Product<Lhs,Rhs,Option> >::type
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/Transpositions.h
Original file line number Diff line number Diff line change
Expand Up @@ -84,7 +84,7 @@ class TranspositionsBase
}

// FIXME: do we want such methods ?
// might be usefull when the target matrix expression is complex, e.g.:
// might be useful when the target matrix expression is complex, e.g.:
// object.matrix().block(..,..,..,..) = trans * object.matrix().block(..,..,..,..);
/*
template<typename MatrixType>
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/TriangularMatrix.h
Original file line number Diff line number Diff line change
Expand Up @@ -470,7 +470,7 @@ template<typename _MatrixType, unsigned int _Mode> class TriangularViewImpl<_Mat
* \a Side==OnTheLeft (the default), or the right-inverse-multiply \a other * inverse(\c *this) if
* \a Side==OnTheRight.
*
* Note that the template parameter \c Side can be ommitted, in which case \c Side==OnTheLeft
* Note that the template parameter \c Side can be omitted, in which case \c Side==OnTheLeft
*
* The matrix \c *this must be triangular and invertible (i.e., all the coefficients of the
* diagonal must be non zero). It works as a forward (resp. backward) substitution if \c *this
Expand All @@ -496,7 +496,7 @@ template<typename _MatrixType, unsigned int _Mode> class TriangularViewImpl<_Mat
* \warning The parameter is only marked 'const' to make the C++ compiler accept a temporary expression here.
* This function will const_cast it, so constness isn't honored here.
*
* Note that the template parameter \c Side can be ommitted, in which case \c Side==OnTheLeft
* Note that the template parameter \c Side can be omitted, in which case \c Side==OnTheLeft
*
* See TriangularView:solve() for the details.
*/
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/arch/AltiVec/PacketMath.h
Original file line number Diff line number Diff line change
Expand Up @@ -434,7 +434,7 @@ template<> EIGEN_STRONG_INLINE Packet4i ploadu<Packet4i>(const int* from)
return (Packet4i) vec_perm(MSQ, LSQ, mask); // align the data
}
#else
// We also need ot redefine little endian loading of Packet4i/Packet4f using VSX
// We also need to redefine little endian loading of Packet4i/Packet4f using VSX
template<> EIGEN_STRONG_INLINE Packet4i ploadu<Packet4i>(const int* from)
{
EIGEN_DEBUG_UNALIGNED_LOAD
Expand Down Expand Up @@ -500,7 +500,7 @@ template<> EIGEN_STRONG_INLINE void pstoreu<int>(int* to, const Packet4i& f
vec_st( MSQ, 0, (unsigned char *)to ); // Store the MSQ part
}
#else
// We also need ot redefine little endian loading of Packet4i/Packet4f using VSX
// We also need to redefine little endian loading of Packet4i/Packet4f using VSX
template<> EIGEN_STRONG_INLINE void pstoreu<int>(int* to, const Packet4i& from)
{
EIGEN_DEBUG_ALIGNED_STORE
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/arch/SSE/MathFunctions.h
Original file line number Diff line number Diff line change
Expand Up @@ -242,7 +242,7 @@ Packet2d pexp<Packet2d>(const Packet2d& _x)
return pmax(pmul(x, Packet2d(_mm_castsi128_pd(emm0))), _x);
}

/* evaluation of 4 sines at onces, using SSE2 intrinsics.
/* evaluation of 4 sines at once, using SSE2 intrinsics.
The code is the exact rewriting of the cephes sinf function.
Precision is excellent as long as x < 8192 (I did not bother to
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/products/GeneralBlockPanelKernel.h
Original file line number Diff line number Diff line change
Expand Up @@ -1523,7 +1523,7 @@ void gebp_kernel<LhsScalar,RhsScalar,Index,DataMapper,mr,nr,ConjugateLhs,Conjuga
prefetch(&blA[0]);
const RhsScalar* blB = &blockB[j2*strideB+offsetB*nr];

// The following piece of code wont work for 512 bit registers
// The following piece of code won't work for 512 bit registers
// Moreover, if LhsProgress==8 it assumes that there is a half packet of the same size
// as nr (which is currently 4) for the return type.
typedef typename unpacket_traits<SResPacket>::half SResPacketHalf;
Expand Down Expand Up @@ -1924,7 +1924,7 @@ EIGEN_DONT_INLINE void gemm_pack_rhs<Scalar, Index, DataMapper, nr, ColMajor, Co
// const Scalar* b6 = &rhs[(j2+6)*rhsStride];
// const Scalar* b7 = &rhs[(j2+7)*rhsStride];
// Index k=0;
// if(PacketSize==8) // TODO enbale vectorized transposition for PacketSize==4
// if(PacketSize==8) // TODO enable vectorized transposition for PacketSize==4
// {
// for(; k<peeled_k; k+=PacketSize) {
// PacketBlock<Packet> kernel;
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/products/GeneralMatrixVector.h
Original file line number Diff line number Diff line change
Expand Up @@ -201,7 +201,7 @@ EIGEN_DONT_INLINE void general_matrix_vector_product<Index,LhsScalar,LhsMapper,C
}

/* Optimized row-major matrix * vector product:
* This algorithm processes 4 rows at onces that allows to both reduce
* This algorithm processes 4 rows at once that allows to both reduce
* the number of load/stores of the result by a factor 4 and to reduce
* the instruction dependency. Moreover, we know that all bands have the
* same alignment pattern.
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/products/Parallelizer.h
Original file line number Diff line number Diff line change
Expand Up @@ -117,7 +117,7 @@ void parallelize_gemm(const Functor& func, Index rows, Index cols, Index depth,
// compute the number of threads we are going to use
Index threads = std::min<Index>(nbThreads(), pb_max_threads);

// if multi-threading is explicitely disabled, not useful, or if we already are in a parallel session,
// if multi-threading is explicitly disabled, not useful, or if we already are in a parallel session,
// then abort multi-threading
// FIXME omp_get_num_threads()>1 only works for openmp, what if the user does not use openmp?
if((!Condition) || (threads==1) || (omp_get_num_threads()>1))
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/products/SelfadjointMatrixVector.h
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@ namespace Eigen {
namespace internal {

/* Optimized selfadjoint matrix * vector product:
* This algorithm processes 2 columns at onces that allows to both reduce
* This algorithm processes 2 columns at once that allows to both reduce
* the number of load/stores of the result by a factor 2 and to reduce
* the instruction dependency.
*/
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/Core/util/Macros.h
Original file line number Diff line number Diff line change
Expand Up @@ -719,7 +719,7 @@ namespace Eigen {
#error EIGEN_MAX_STATIC_ALIGN_BYTES and EIGEN_DONT_ALIGN[_STATICALLY] are both defined with EIGEN_MAX_STATIC_ALIGN_BYTES!=0. Use EIGEN_MAX_STATIC_ALIGN_BYTES=0 as a synonym of EIGEN_DONT_ALIGN_STATICALLY.
#endif

// EIGEN_DONT_ALIGN_STATICALLY and EIGEN_DONT_ALIGN are deprectated
// EIGEN_DONT_ALIGN_STATICALLY and EIGEN_DONT_ALIGN are deprecated
// They imply EIGEN_MAX_STATIC_ALIGN_BYTES=0
#if defined(EIGEN_DONT_ALIGN_STATICALLY) || defined(EIGEN_DONT_ALIGN)
#ifdef EIGEN_MAX_STATIC_ALIGN_BYTES
Expand Down Expand Up @@ -778,7 +778,7 @@ namespace Eigen {
#endif

// At this stage, EIGEN_MAX_STATIC_ALIGN_BYTES>0 is the true test whether we want to align arrays on the stack or not.
// It takes into account both the user choice to explicitly enable/disable alignment (by settting EIGEN_MAX_STATIC_ALIGN_BYTES)
// It takes into account both the user choice to explicitly enable/disable alignment (by setting EIGEN_MAX_STATIC_ALIGN_BYTES)
// and the architecture config (EIGEN_ARCH_WANTS_STACK_ALIGNMENT).
// Henceforth, only EIGEN_MAX_STATIC_ALIGN_BYTES should be used.

Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/util/Memory.h
Original file line number Diff line number Diff line change
Expand Up @@ -703,7 +703,7 @@ template<typename T> void swap(scoped_array<T> &a,scoped_array<T> &b)
* - 32 bytes alignment if AVX is enabled.
* - 64 bytes alignment if AVX512 is enabled.
*
* This can be controled using the \c EIGEN_MAX_ALIGN_BYTES macro as documented
* This can be controlled using the \c EIGEN_MAX_ALIGN_BYTES macro as documented
* \link TopicPreprocessorDirectivesPerformance there \endlink.
*
* Example:
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Core/util/Meta.h
Original file line number Diff line number Diff line change
Expand Up @@ -272,7 +272,7 @@ template<> struct numeric_limits<unsigned long long>
#endif

/** \internal
* A base class do disable default copy ctor and copy assignement operator.
* A base class do disable default copy ctor and copy assignment operator.
*/
class noncopyable
{
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/ComplexEigenSolver.h
Original file line number Diff line number Diff line change
Expand Up @@ -214,7 +214,7 @@ template<typename _MatrixType> class ComplexEigenSolver

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful, \c NoConvergence otherwise.
* \returns \c Success if computation was successful, \c NoConvergence otherwise.
*/
ComputationInfo info() const
{
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/ComplexSchur.h
Original file line number Diff line number Diff line change
Expand Up @@ -212,7 +212,7 @@ template<typename _MatrixType> class ComplexSchur

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful, \c NoConvergence otherwise.
* \returns \c Success if computation was successful, \c NoConvergence otherwise.
*/
ComputationInfo info() const
{
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/EigenSolver.h
Original file line number Diff line number Diff line change
Expand Up @@ -277,7 +277,7 @@ template<typename _MatrixType> class EigenSolver
template<typename InputType>
EigenSolver& compute(const EigenBase<InputType>& matrix, bool computeEigenvectors = true);

/** \returns NumericalIssue if the input contains INF or NaN values or overflow occured. Returns Success otherwise. */
/** \returns NumericalIssue if the input contains INF or NaN values or overflow occurred. Returns Success otherwise. */
ComputationInfo info() const
{
eigen_assert(m_isInitialized && "EigenSolver is not initialized.");
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/GeneralizedSelfAdjointEigenSolver.h
Original file line number Diff line number Diff line change
Expand Up @@ -121,7 +121,7 @@ class GeneralizedSelfAdjointEigenSolver : public SelfAdjointEigenSolver<_MatrixT
*
* \returns Reference to \c *this
*
* Accoring to \p options, this function computes eigenvalues and (if requested)
* According to \p options, this function computes eigenvalues and (if requested)
* the eigenvectors of one of the following three generalized eigenproblems:
* - \c Ax_lBx: \f$ Ax = \lambda B x \f$
* - \c ABx_lx: \f$ ABx = \lambda x \f$
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/RealQZ.h
Original file line number Diff line number Diff line change
Expand Up @@ -161,7 +161,7 @@ namespace Eigen {

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful, \c NoConvergence otherwise.
* \returns \c Success if computation was successful, \c NoConvergence otherwise.
*/
ComputationInfo info() const
{
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/RealSchur.h
Original file line number Diff line number Diff line change
Expand Up @@ -190,7 +190,7 @@ template<typename _MatrixType> class RealSchur
RealSchur& computeFromHessenberg(const HessMatrixType& matrixH, const OrthMatrixType& matrixQ, bool computeU);
/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful, \c NoConvergence otherwise.
* \returns \c Success if computation was successful, \c NoConvergence otherwise.
*/
ComputationInfo info() const
{
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Eigenvalues/SelfAdjointEigenSolver.h
Original file line number Diff line number Diff line change
Expand Up @@ -337,7 +337,7 @@ template<typename _MatrixType> class SelfAdjointEigenSolver

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful, \c NoConvergence otherwise.
* \returns \c Success if computation was successful, \c NoConvergence otherwise.
*/
EIGEN_DEVICE_FUNC
ComputationInfo info() const
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/Geometry/Scaling.h
Original file line number Diff line number Diff line change
Expand Up @@ -128,7 +128,7 @@ class UniformScaling
/** Concatenates a linear transformation matrix and a uniform scaling
* \relates UniformScaling
*/
// NOTE this operator is defiend in MatrixBase and not as a friend function
// NOTE this operator is defined in MatrixBase and not as a friend function
// of UniformScaling to fix an internal crash of Intel's ICC
template<typename Derived,typename Scalar>
EIGEN_EXPR_BINARYOP_SCALAR_RETURN_TYPE(Derived,Scalar,product)
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/IterativeLinearSolvers/IncompleteLUT.h
Original file line number Diff line number Diff line change
Expand Up @@ -136,7 +136,7 @@ class IncompleteLUT : public SparseSolverBase<IncompleteLUT<_Scalar, _StorageInd

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful,
* \returns \c Success if computation was successful,
* \c NumericalIssue if the matrix.appears to be negative.
*/
ComputationInfo info() const
Expand Down Expand Up @@ -230,7 +230,7 @@ void IncompleteLUT<Scalar,StorageIndex>::analyzePattern(const _MatrixType& amat)
SparseMatrix<Scalar,ColMajor, StorageIndex> mat1 = amat;
SparseMatrix<Scalar,ColMajor, StorageIndex> mat2 = amat.transpose();
// FIXME for a matrix with nearly symmetric pattern, mat2+mat1 is the appropriate choice.
// on the other hand for a really non-symmetric pattern, mat2*mat1 should be prefered...
// on the other hand for a really non-symmetric pattern, mat2*mat1 should be preferred...
SparseMatrix<Scalar,ColMajor, StorageIndex> AtA = mat2 + mat1;
AMDOrdering<StorageIndex> ordering;
ordering(AtA,m_P);
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/IterativeLinearSolvers/IterativeSolverBase.h
Original file line number Diff line number Diff line change
Expand Up @@ -275,7 +275,7 @@ class IterativeSolverBase : public SparseSolverBase<Derived>
const Preconditioner& preconditioner() const { return m_preconditioner; }

/** \returns the max number of iterations.
* It is either the value setted by setMaxIterations or, by default,
* It is either the value set by setMaxIterations or, by default,
* twice the number of columns of the matrix.
*/
Index maxIterations() const
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/KLUSupport/KLUSupport.h
Original file line number Diff line number Diff line change
Expand Up @@ -106,7 +106,7 @@ class KLU : public SparseSolverBase<KLU<_MatrixType> >

/** \brief Reports whether previous computation was successful.
*
* \returns \c Success if computation was succesful,
* \returns \c Success if computation was successful,
* \c NumericalIssue if the matrix.appears to be negative.
*/
ComputationInfo info() const
Expand Down
2 changes: 1 addition & 1 deletion Eigen/src/LU/FullPivLU.h
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ template<typename _MatrixType> struct traits<FullPivLU<_MatrixType> >
* The data of the LU decomposition can be directly accessed through the methods matrixLU(),
* permutationP(), permutationQ().
*
* As an exemple, here is how the original matrix can be retrieved:
* As an example, here is how the original matrix can be retrieved:
* \include class_FullPivLU.cpp
* Output: \verbinclude class_FullPivLU.out
*
Expand Down
4 changes: 2 additions & 2 deletions Eigen/src/LU/PartialPivLU.h
Original file line number Diff line number Diff line change
Expand Up @@ -420,8 +420,8 @@ struct partial_lu_impl
* \returns The index of the first pivot which is exactly zero if any, or a negative number otherwise.
*
* \note This very low level interface using pointers, etc. is to:
* 1 - reduce the number of instanciations to the strict minimum
* 2 - avoid infinite recursion of the instanciations with Block<Block<Block<...> > >
* 1 - reduce the number of instantiations to the strict minimum
* 2 - avoid infinite recursion of the instantiations with Block<Block<Block<...> > >
*/
static Index blocked_lu(Index rows, Index cols, Scalar* lu_data, Index luStride, PivIndex* row_transpositions, PivIndex& nb_transpositions, Index maxBlockSize=256)
{
Expand Down
Loading

0 comments on commit e3912f5

Please sign in to comment.