DMRITool
v0.1.1-139-g860d86b4
Diffusion MRI Tool
|
Namespaces | |
Functor | |
Classes | |
class | __InstanceOf |
class | BinaryOpExpr |
class | BinaryOpExpr< OP, ScalarExprBase< ValueT >, TRight > |
class | BinaryOpExpr< OP, ScalarExprBase< ValueT1 >, ScalarExprBase< ValueT2 > > |
class | BinaryOpExpr< OP, TLeft, ScalarExprBase< ValueT > > |
class | Expr |
class | GradientTable |
struct | Int_ |
class | NDArray |
class | NDArray< T, 1 > |
class | NDArray< T, 2 > |
class | NDArray< T, 4 > |
class | NDArrayBase |
struct | remove_complex |
class | ScalarExprBase |
struct | SuperFloatType |
struct | Superset |
class | UnaryOpExpr |
Typedefs | |
template<class... T> | |
using | common_type_t = typename::std::common_type< T... >::type |
template<bool B, class T , class F > | |
using | conditional_t = typename::std::conditional< B, T, F >::type |
template<class TExpr > | |
using | Expr1ValueType = typename TExpr::ValueType |
template<class TLeft , class TRight > | |
using | Expr2ValueType = typename SuperFloatType< typename TLeft::ValueType, typename TRight::ValueType >::type |
typedef double(* | Func1To1) (double) |
typedef int | INTT |
template<class T > | |
using | remove_complex_t = typename remove_complex< T >::type |
template<class T > | |
using | remove_const_t = typename::std::remove_const< T >::type |
template<class T > | |
using | remove_reference_t = typename::std::remove_reference< T >::type |
typedef ScalarExprBase< std::complex< double > > | ScalarComplexExpr |
typedef ScalarExprBase< double > | ScalarExpr |
template<class T , typename t > | |
using | superset_t = typename Superset< T, t >::type |
template<class T1 , class T2 > | |
using | SuperType = typename SuperFloatType< T1, T2 >::type |
template<class T > | |
using | Vector = NDArray< T, 1 > |
template<class T > | |
using | Matrix = NDArray< T, 2 > |
Functions | |
template<class ExprT > | |
auto | Abs (const ExprT &expr) -> decltype(utl::F< utl::Functor::Abs< typename ExprT::ValueType > >(expr)) |
template<class VectorType > | |
void | AbsoluteVector (VectorType &vec, const int N) |
template<class ExprT > | |
auto | Acos (const ExprT &expr) -> decltype(utl::F< utl::Functor::Acos< typename ExprT::ValueType > >(expr)) |
template<typename VectorType > | |
VectorType | AddNoise (const VectorType &signal, const int size, const double sigma, const bool is_rician=true) |
template<typename T > | |
std::vector< T > | AddNoise (const std::vector< T > &signal, const double sigma, const bool is_rician=true) |
template<class Iterator > | |
unsigned int | argmax (Iterator i1, Iterator i2) |
template<class VectorType > | |
void | argmax2 (const VectorType &vec, int size, int &index0, int &index1) |
template<class TMatrixType > | |
double | ArgmaxMatrix (const TMatrixType &matrix, const int rows, const int columns, int &row, int &colomn) |
template<class TMatrixType > | |
double | ArgmaxSymmetricMatrix (const TMatrixType matrix, const int size, int &row, int &colomn, const bool includeDiagonalElements) |
template<class Iterator > | |
unsigned int | argmin (Iterator i1, Iterator i2) |
template<class TMatrixType > | |
double | ArgminMatrix (const TMatrixType matrix, const int rows, const int columns, int &row, int &colomn) |
template<class TMatrixType > | |
double | ArgminSymmetricMatrix (const TMatrixType &matrix, const int size, int &row, int &colomn, const bool includeDiagonalElements) |
template<class ExprT > | |
auto | Asin (const ExprT &expr) -> decltype(utl::F< utl::Functor::Asin< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | Atan (const ExprT &expr) -> decltype(utl::F< utl::Functor::Atan< typename ExprT::ValueType > >(expr)) |
template<class TLeft , class TRight > | |
auto | Atan2 (const TLeft &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Atan2< Expr2ValueType< TLeft, TRight >> >(lhs, rhs)) |
template<class TLeft > | |
auto | Atan2 (const TLeft &lhs, const ScalarExpr &rhs) -> decltype(utl::F< utl::Functor::Atan2< Expr2ValueType< TLeft, ScalarExpr >> >(lhs, rhs)) |
template<class TRight > | |
auto | Atan2 (const ScalarExpr &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Atan2< Expr2ValueType< ScalarExpr, TRight >> >(lhs, rhs)) |
template<class T > | |
void | AxisAngleToRotationMatrix (const NDArray< T, 1 > &axis, const double theta, NDArray< T, 2 > &rotMat) |
double | BesselJa (const double a, const double x) |
double | BesselJInteger (const int n, const double x) |
double | BesselJIntegerPrime (const int n, const double x) |
template<typename T > | |
T | Binomial (const T v1, const int times) |
template<typename T > | |
void | cartesian2Spherical (const T x, const T y, const T z, T &r, T &theta, T &phi) |
template<typename T > | |
void | cartesian2Spherical (T &x, T &y, T &z) |
template<class T > | |
vnl_matrix< T > | CartesianToSpherical (const vnl_matrix< T > &in) |
template<class T > | |
NDArray< T, 2 > | CartesianToSpherical (const NDArray< T, 2 > &in) |
template<class T > | |
T | cblas_asum (const INTT N, const T *X, const INTT incX) |
double | cblas_asum (const INTT N, const std::complex< double > *X, const INTT incX) |
float | cblas_asum (const INTT N, const std::complex< float > *X, const INTT incX) |
template<> | |
double | cblas_asum< double > (const INTT N, const double *X, const INTT incX) |
template<> | |
float | cblas_asum< float > (const INTT N, const float *X, const INTT incX) |
template<class T > | |
void | cblas_axpby (const INTT N, const T alpha, const T *X, const INTT incX, const T beta, T *Y, const INTT incY) |
template<class T > | |
void | cblas_copy (const INTT N, const T *X, const INTT incX, T *Y, const INTT incY) |
template<> | |
void | cblas_copy< double > (const INTT N, const double *X, const INTT incX, double *Y, const INTT incY) |
template<> | |
void | cblas_copy< float > (const INTT N, const float *X, const INTT incX, float *Y, const INTT incY) |
template<> | |
void | cblas_copy< std::complex< double > > (const INTT N, const std::complex< double > *X, const INTT incX, std::complex< double > *Y, const INTT incY) |
template<> | |
void | cblas_copy< std::complex< float > > (const INTT N, const std::complex< float > *X, const INTT incX, std::complex< float > *Y, const INTT incY) |
template<class T > | |
T | cblas_dot (const INTT N, const T *X, const INTT incX, const T *Y, const INTT incY) |
template<> | |
double | cblas_dot< double > (const INTT N, const double *X, const INTT incX, const double *Y, const INTT incY) |
template<> | |
float | cblas_dot< float > (const INTT N, const float *X, const INTT incX, const float *Y, const INTT incY) |
template<> | |
std::complex< double > | cblas_dot< std::complex< double > > (const INTT N, const std::complex< double > *X, const INTT incX, const std::complex< double > *Y, const INTT incY) |
template<class T > | |
void | cblas_gemm (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const CBLAS_TRANSPOSE TransB, const INTT M, const INTT N, const INTT K, const T alpha, const T *A, const INTT lda, const T *B, const INTT ldb, const T beta, T *C, const INTT ldc) |
template<> | |
void | cblas_gemm< double > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const CBLAS_TRANSPOSE TransB, const INTT M, const INTT N, const INTT K, const double alpha, const double *A, const INTT lda, const double *B, const INTT ldb, const double beta, double *C, const INTT ldc) |
template<> | |
void | cblas_gemm< float > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const CBLAS_TRANSPOSE TransB, const INTT M, const INTT N, const INTT K, const float alpha, const float *A, const INTT lda, const float *B, const INTT ldb, const float beta, float *C, const INTT ldc) |
template<> | |
void | cblas_gemm< std::complex< double > > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const CBLAS_TRANSPOSE TransB, const INTT M, const INTT N, const INTT K, const std::complex< double > alpha, const std::complex< double > *A, const INTT lda, const std::complex< double > *B, const INTT ldb, const std::complex< double > beta, std::complex< double > *C, const INTT ldc) |
template<class T > | |
void | cblas_gemv (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const INTT M, const INTT N, const T alpha, const T *A, const INTT lda, const T *X, const INTT incX, const T beta, T *Y, const INTT incY) |
template<> | |
void | cblas_gemv< double > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const INTT M, const INTT N, const double alpha, const double *A, const INTT lda, const double *X, const INTT incX, const double beta, double *Y, const INTT incY) |
template<> | |
void | cblas_gemv< float > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const INTT M, const INTT N, const float alpha, const float *A, const INTT lda, const float *X, const INTT incX, const float beta, float *Y, const INTT incY) |
template<> | |
void | cblas_gemv< std::complex< double > > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const INTT M, const INTT N, const std::complex< double > alpha, const std::complex< double > *A, const INTT lda, const std::complex< double > *X, const INTT incX, const std::complex< double > beta, std::complex< double > *Y, const INTT incY) |
template<> | |
void | cblas_gemv< std::complex< float > > (const CBLAS_ORDER order, const CBLAS_TRANSPOSE TransA, const INTT M, const INTT N, const std::complex< float > alpha, const std::complex< float > *A, const INTT lda, const std::complex< float > *X, const INTT incX, const std::complex< float > beta, std::complex< float > *Y, const INTT incY) |
template<class T > | |
void | cblas_ger (const CBLAS_ORDER order, const INTT M, const INTT N, const T alpha, const T *X, const INTT incX, const T *Y, const INTT incY, T *A, const INTT lda) |
template<> | |
void | cblas_ger< double > (const CBLAS_ORDER order, const INTT M, const INTT N, const double alpha, const double *X, const INTT incX, const double *Y, const INTT incY, double *A, const INTT lda) |
template<> | |
void | cblas_ger< float > (const CBLAS_ORDER order, const INTT M, const INTT N, const float alpha, const float *X, const INTT incX, const float *Y, const INTT incY, float *A, const INTT lda) |
template<class T > | |
int | cblas_iamax (const INTT N, const T *X, const INTT incX) |
template<> | |
int | cblas_iamax< double > (const INTT N, const double *X, const INTT incX) |
template<> | |
int | cblas_iamax< float > (const INTT N, const float *X, const INTT incX) |
template<> | |
int | cblas_iamax< std::complex< double > > (const INTT N, const std::complex< double > *X, const INTT incX) |
template<> | |
int | cblas_iamax< std::complex< float > > (const INTT N, const std::complex< float > *X, const INTT incX) |
template<class T > | |
int | cblas_iamin (const INTT N, const T *X, const INTT incX) |
template<class T > | |
T | cblas_nrm2 (const INTT N, const T *X, const INTT incX) |
double | cblas_nrm2 (const INTT N, const std::complex< double > *X, const INTT incX) |
float | cblas_nrm2 (const INTT N, const std::complex< float > *X, const INTT incX) |
template<> | |
double | cblas_nrm2< double > (const INTT N, const double *X, const INTT incX) |
template<> | |
float | cblas_nrm2< float > (const INTT N, const float *X, const INTT incX) |
template<class T > | |
void | cblas_scal (const INTT N, const T alpha, T *X, const INTT incX) |
template<> | |
void | cblas_scal< double > (const INTT N, const double alpha, double *X, const INTT incX) |
template<> | |
void | cblas_scal< float > (const INTT N, const float alpha, float *X, const INTT incX) |
template<> | |
void | cblas_scal< std::complex< double > > (const INTT N, const std::complex< double > alpha, std::complex< double > *X, const INTT incX) |
template<> | |
void | cblas_scal< std::complex< float > > (const INTT N, const std::complex< float > alpha, std::complex< float > *X, const INTT incX) |
template<class T > | |
void | cblas_swap (const INTT N, T *X, const INTT incX, T *Y, const INTT incY) |
template<> | |
void | cblas_swap< double > (const INTT N, double *X, const INTT incX, double *Y, const INTT incY) |
template<> | |
void | cblas_swap< float > (const INTT N, float *X, const INTT incX, float *Y, const INTT incY) |
template<class T > | |
void | cblas_syr (const CBLAS_ORDER order, const CBLAS_UPLO Uplo, const INTT N, const T alpha, const T *X, const INTT incX, T *A, const INTT lda) |
template<> | |
void | cblas_syr< double > (const CBLAS_ORDER order, const CBLAS_UPLO Uplo, const INTT N, const double alpha, const double *X, const INTT incX, double *A, const INTT lda) |
template<> | |
void | cblas_syr< float > (const CBLAS_ORDER order, const CBLAS_UPLO Uplo, const INTT N, const float alpha, const float *X, const INTT incX, float *A, const INTT lda) |
template<class T > | |
void | cblas_syrk (CBLAS_ORDER order, CBLAS_UPLO Uplo, CBLAS_TRANSPOSE Trans, INTT N, INTT K, T alpha, T *A, INTT lda, T beta, T *C, INTT ldc) |
template<> | |
void | cblas_syrk< double > (CBLAS_ORDER order, CBLAS_UPLO Uplo, CBLAS_TRANSPOSE Trans, INTT N, INTT K, double alpha, double *A, INTT lda, double beta, double *C, INTT ldc) |
template<> | |
void | cblas_syrk< float > (CBLAS_ORDER order, CBLAS_UPLO Uplo, CBLAS_TRANSPOSE Trans, INTT N, INTT K, float alpha, float *A, INTT lda, float beta, float *C, INTT ldc) |
bool | CheckField (const mxArray *pr_struct, const char *name) |
bool | CheckSize (const mxArray *array, const int m, const int n) |
template<class T , unsigned Dim> | |
NDArray< std::complex< T >, Dim > | ComplexCombine (const NDArray< T, Dim > &arrReal, const NDArray< T, Dim > &arrImg) |
template<class T , unsigned Dim> | |
NDArray< std::complex< T >, Dim > | ComplexCombine (const T val, const NDArray< T, Dim > &arrImg) |
template<class T , unsigned Dim> | |
NDArray< std::complex< T >, Dim > | ComplexCombine (const NDArray< T, Dim > &arrReal, const T val) |
template<class T > | |
utl_shared_ptr< utl::NDArray< T, 1 > > | ComputeDWISHCoefficientsForGPDCylinder (const T radius, const T diffusivity, const T deltaBig, const T deltaSmall, const T qq, const int lMax, const T theta=0, const T phi=0) |
void | ComputeNDArrayIndex (const int offset, std::vector< int > &index, const std::vector< int > &size, const int storedWay, std::vector< int > offsetTable=std::vector< int >()) |
int | ComputeNDArrayOffset (const std::vector< int > &multiIndex, const std::vector< int > &size, const int storedWay, std::vector< int > offsetTable=std::vector< int >()) |
void | ComputeOffsetTable (const std::vector< int > &size, std::vector< int > &offsetTable, const int storedWay) |
template<class T > | |
double | ComputeOrientationalOrderFromSHCoefficients (const utl::NDArray< T, 1 > &shCoef, const utl::NDArray< T, 1 > &axis) |
double | ComputeOrientationalOrderFromSymmetricTensor (const double e1, const double e2, const double phi=0) |
template<class T > | |
std::shared_ptr< NDArray< T, 2 > > | ComputeSHMatrix (const unsigned int rank, const NDArray< T, 2 > &grad, const int mode) |
template<class ExprT > | |
auto | Conj (const ExprT &expr) -> decltype(utl::F< utl::Functor::Conj< typename ExprT::ValueType > >(expr)) |
template<class T > | |
NDArray< T, 2 > | ConnectUtlMatrix (const NDArray< T, 2 > &m1, const NDArray< T, 2 > &m2, const bool isConnectRow) |
template<class T > | |
NDArray< T, 1 > | ConnectUtlVector (const NDArray< T, 1 > &m1, const NDArray< T, 1 > &m2) |
template<typename T > | |
void | ConnectVector (std::vector< T > &vec1, const std::vector< T > &vec2) |
template<class T > | |
vnl_matrix< T > | ConnectVnlMatrix (const vnl_matrix< T > &m1, const vnl_matrix< T > &m2, const bool isConnectRow) |
template<class T > | |
vnl_vector< T > | ConnectVnlVector (const vnl_vector< T > &m1, const vnl_vector< T > &m2) |
template<class T > | |
void | Convert1To2Tensor (const utl::NDArray< T, 1 > &vec, utl::NDArray< T, 2 > &mat) |
template<class T > | |
void | Convert2To1Tensor (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 1 > &vec) |
template<class T > | |
void | Convert2To4Tensor (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 4 > &tensor) |
template<class T > | |
void | Convert4To2Tensor (const utl::NDArray< T, 4 > &tensor, utl::NDArray< T, 2 > &mat) |
template<class T > | |
std::string | ConvertNumberToString (const T value, const int precision=6) |
template<typename T > | |
void | ConvertSpMatrix (mxArray *&matlab_mat, int K, int M, int n, int nzmax, const T *v, const int *r, const int *pB) |
template<class T > | |
T | ConvertStringToNumber (const std::string &input) |
template<typename V1Type , typename V2Type > | |
void | ConvertTensor6DTo6D (const V1Type &v6d1, V2Type &v6d2, int s1, int s2) |
template<typename V1Type , typename V2Type > | |
void | ConvertTensor6DTo9D (const V1Type &v6d, V2Type &v9d, int v6dStoreWay) |
template<typename V1Type , typename V2Type > | |
void | ConvertTensor9DTo6D (const V1Type &v9d, V2Type &v6d, int v6dStoreWay) |
std::string | ConvertToUnixOutputPath (const char *path) |
void | ConvertToUnixSlashes (std::string &path) |
std::string | ConvertToWindowsOutputPath (const char *path) |
template<class VectorType > | |
std::string | ConvertVectorToString (VectorType vec, const int N, const char *separate=" ") |
template<class ExprT > | |
auto | Cos (const ExprT &expr) -> decltype(utl::F< utl::Functor::Cos< typename ExprT::ValueType > >(expr)) |
template<vcl_size_t M> | |
std::vector< std::string > | CovertChar2DArrayToStringArray (const char arr[][M], int N) |
template<vcl_size_t M> | |
void | CovertStringArrayToChar2DArray (const std::vector< std::string > &vec, char arr[][M], int N) |
template<typename T > | |
mxArray * | Create4DImage (int h, int w, int V, int dim) |
template<> | |
mxArray * | Create4DImage< double > (int h, int w, int V, int dim) |
template<> | |
mxArray * | Create4DImage< float > (int h, int w, int V, int dim) |
template<typename T > | |
void | CreateCopySparse (T *&alpha_v2, int *&alpha_r2, int *&alpha_pB2, int *&alpha_pE2, double *alpha_v, mwSize *alpha_r, mwSize *alpha_pB, mwSize *alpha_pE, int M) |
std::string | CreateExpandedPath (const std::string &path) |
template<typename T > | |
mxArray * | CreateImage (int h, int w, int V) |
template<> | |
mxArray * | CreateImage< double > (int h, int w, int V) |
template<> | |
mxArray * | CreateImage< float > (int h, int w, int V) |
template<typename T > | |
mxArray * | CreateMatrix (int m, int n) |
template<> | |
mxArray * | CreateMatrix< double > (int m, int n) |
template<> | |
mxArray * | CreateMatrix< float > (int m, int n) |
template<typename T > | |
mxArray * | CreateScalar () |
template<class TVector1 , class TVector2 , class TVector3 > | |
double | CrossProduct (const TVector1 &v1, const TVector2 &v2, TVector3 &v3) |
template<typename T > | |
T | cube (const T &x) |
template<class ExprT > | |
auto | Cube (const ExprT &expr) -> decltype(utl::F< utl::Functor::Cube< typename ExprT::ValueType > >(expr)) |
double | DawsonF (double x) |
template<typename T > | |
void | DeleteCopySparse (T *&alpha_v2, int *&alpha_r2, int *&alpha_pB2, int *&alpha_pE2, double *alpha_v, mwSize *alpha_r) |
std::string | Demangle (const char *name) |
template<class TMatrixType > | |
auto | DeterminantSmallMatrix (const TMatrixType &mat, const int row) -> utl::remove_reference_t< decltype(mat(0, 0))> |
template<class T > | |
NDArray< T, 1 > | DifferenceOfDirection (const NDArray< T, 1 > v1, const NDArray< T, 1 > &v0) |
int | DimToRankSH (const int dimm) |
template<class T , unsigned int Dim> | |
T | DotProduct (const NDArray< T, Dim > &v1, const NDArray< T, Dim > &v2) |
template<unsigned int Dim> | |
std::complex< double > | DotProduct (const NDArray< std::complex< double >, Dim > &v1, const NDArray< std::complex< double >, Dim > &v2) |
template<class TVector1 , class TVector2 > | |
double | DotProduct (const TVector1 &v1, const TVector2 &v2, const int N1) |
template<class T > | |
void | EigenDecompositionSymmetricVnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &eigenValues, vnl_matrix< T > &eigenVectors) |
template<class VectorType > | |
double | Entropy (const VectorType &pdfVec, const int N) |
double | Erf (double x) |
double | Erfi (double x, Func1To1 expF=&std::exp) |
template<class T , unsigned int Dim, class EType > | |
NDArray< T, Dim > | Eval (const Expr< EType, typename EType::ValueType > &expr) |
template<class ExprT > | |
auto | Exp (const ExprT &expr) -> decltype(utl::F< utl::Functor::Exp< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | Exp2 (const ExprT &expr) -> decltype(utl::F< utl::Functor::Exp2< typename ExprT::ValueType > >(expr)) |
double | ExpNegtiveLUT (const double dist, const double distMax=30.0, const int precision=1000) |
template<class T = double> | |
utl::NDArray< T, 2 > | Eye (const int n, const T val=1.0) |
template<typename OP , typename TLeft , typename TRight > | |
BinaryOpExpr< OP, TLeft, TRight > | F (const Expr< TLeft, typename TLeft::ValueType > &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename OP , typename TA > | |
BinaryOpExpr< OP, TA, ScalarExpr > | F (const Expr< TA, typename TA::ValueType > &lhs, const ScalarExpr &rhs) |
template<typename OP , typename TB > | |
BinaryOpExpr< OP, ScalarExpr, TB > | F (const ScalarExpr &lhs, const Expr< TB, typename TB::ValueType > &rhs) |
template<typename OP , typename TA > | |
BinaryOpExpr< OP, TA, ScalarComplexExpr > | F (const Expr< TA, typename TA::ValueType > &lhs, const ScalarComplexExpr &rhs) |
template<typename OP , typename TB > | |
BinaryOpExpr< OP, ScalarComplexExpr, TB > | F (const ScalarComplexExpr &lhs, const Expr< TB, typename TB::ValueType > &rhs) |
template<typename OP , typename EType > | |
UnaryOpExpr< OP, EType > | F (const Expr< EType, typename EType::ValueType > &expr) |
unsigned long | Factorial (const int n) |
template<typename T > | |
T | Factorial (const T v1, const int times) |
template<typename T > | |
std::vector< int > | FindVector (const std::vector< T > &vec, const T &elem, const double gap=1e-9) |
template<> | |
std::vector< int > | FindVector< std::string > (const std::vector< std::string > &vec, const std::string &elem, const double) |
template<class T > | |
NDArray< T, 2 > | FlipOrientations (const NDArray< T, 2 > &in, const std::vector< int > &flip) |
template<class T1 , class T2 > | |
void | FlipVector (T1 &vec, const T2 &flip, const int N) |
template<class ExprT > | |
auto | Floor (const ExprT &expr) -> decltype(utl::F< utl::Functor::Floor< typename ExprT::ValueType > >(expr)) |
double | Gamma (const double x) |
double | GammaHalfInteger (const double x) |
double | GammaLower (const double s, const double x) |
template<typename T > | |
T | GaussRand (const T value, const double sigma) |
template<class T > | |
int | geev (int matrix_layout, char jobvl, char jobvr, int n, T *a, int lda, T *wr, T *wi, T *vl, int ldvl, T *vr, int ldvr) |
int | geev (int matrix_layout, char jobvl, char jobvr, int n, std::complex< double > *a, int lda, std::complex< double > *w, std::complex< double > *vl, int ldvl, std::complex< double > *vr, int ldvr) |
template<> | |
int | geev< double > (int matrix_layout, char jobvl, char jobvr, int n, double *a, int lda, double *wr, double *wi, double *vl, int ldvl, double *vr, int ldvr) |
template<> | |
int | geev< float > (int matrix_layout, char jobvl, char jobvr, int n, float *a, int lda, float *wr, float *wi, float *vl, int ldvl, float *vr, int ldvr) |
template<> | |
int | geev< std::complex< double > > (int matrix_layout, char jobvl, char jobvr, int n, std::complex< double > *a, int lda, std::complex< double > *wr, std::complex< double > *wi, std::complex< double > *vl, int ldvl, std::complex< double > *vr, int ldvr) |
template<> | |
int | geev< std::complex< float > > (int matrix_layout, char jobvl, char jobvr, int n, std::complex< float > *a, int lda, std::complex< float > *wr, std::complex< float > *wi, std::complex< float > *vl, int ldvl, std::complex< float > *vr, int ldvr) |
template<class T > | |
void | geev_UtlMatrix (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 1 > &valReal, utl::NDArray< T, 1 > &valImg, utl::NDArray< T, 2 > &vecRealR, utl::NDArray< T, 2 > &vecImgR, utl::NDArray< T, 2 > &vecRealL, utl::NDArray< T, 2 > &vecImgL) |
template<class T > | |
void | geev_UtlMatrix (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 1 > &valReal, utl::NDArray< T, 1 > &valImg) |
template<class T > | |
void | geev_UtlMatrix (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 1 > &valReal, utl::NDArray< T, 1 > &valImg, utl::NDArray< T, 2 > &vecRealR, utl::NDArray< T, 2 > &vecImgR) |
template<class T > | |
void | geev_VnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &valReal, vnl_vector< T > &valImg, vnl_matrix< T > &vecRealR, vnl_matrix< T > &vecImgR, vnl_matrix< T > &vecRealL, vnl_matrix< T > &vecImgL) |
template<class T > | |
void | geev_VnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &valReal, vnl_vector< T > &valImg, vnl_matrix< T > &vecRealR, vnl_matrix< T > &vecImgR) |
template<class T > | |
void | geev_VnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &valReal, vnl_vector< T > &valImg) |
template<class T > | |
bool | gemm_UtlMatrixTimesMatrix (const bool bATrans, const bool bBTrans, const T alpha, const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 2 > &B, const T beta, utl::NDArray< T, 2 > &C) |
template<class T > | |
bool | gemm_VnlMatrixTimesMatrix (const bool bATrans, const bool bBTrans, const T alpha, const vnl_matrix< T > &A, const vnl_matrix< T > &B, const T beta, vnl_matrix< T > &C) |
template<class T > | |
bool | gemm_VnlVectorTimesMatrix (const bool bATrans, const T alpha, const vnl_vector< T > &X, const vnl_matrix< T > &A, const T beta, vnl_vector< T > &Y) |
template<class T > | |
bool | gemv_UtlMatrixTimesVector (const bool bATrans, const T alpha, const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 1 > &X, const T beta, utl::NDArray< T, 1 > &Y) |
template<class T > | |
bool | gemv_VnlMatrixTimesVector (const bool bATrans, const T alpha, const vnl_matrix< T > &A, const vnl_vector< T > &X, const T beta, vnl_vector< T > &Y) |
template<class T > | |
int | gesdd (int matrix_order, char JOBZ, int M, int N, T *A, int LDA, T *S, T *U, int LDU, T *VT, int LDVT) |
int | gesdd (int matrix_order, char JOBZ, int M, int N, std::complex< double > *A, int LDA, double *S, std::complex< double > *U, int LDU, std::complex< double > *VT, int LDVT) |
int | gesdd (int matrix_order, char JOBZ, int M, int N, std::complex< float > *A, int LDA, float *S, std::complex< float > *U, int LDU, std::complex< float > *VT, int LDVT) |
template<> | |
int | gesdd< double > (int matrix_order, char JOBZ, int M, int N, double *A, int LDA, double *S, double *U, int LDU, double *VT, int LDVT) |
template<> | |
int | gesdd< float > (int matrix_order, char JOBZ, int M, int N, float *A, int LDA, float *S, float *U, int LDU, float *VT, int LDVT) |
template<class T > | |
void | gesdd_UtlMatrix (const NDArray< T, 2 > &mat, NDArray< T, 2 > &U, NDArray< utl::remove_complex_t< T >, 1 > &s, NDArray< T, 2 > &V, char format='S') |
template<class T > | |
void | gesdd_VnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &U, vnl_vector< T > &s, vnl_matrix< T > &V, char format='S') |
template<class T > | |
int | gesvd (int matrix_order, char JOBU, char JOBVT, int M, int N, T *A, int LDA, T *S, T *U, int LDU, T *VT, int LDVT, T *superb) |
template<> | |
int | gesvd< double > (int matrix_order, char JOBU, char JOBVT, int M, int N, double *A, int LDA, double *S, double *U, int LDU, double *VT, int LDVT, double *superb) |
template<> | |
int | gesvd< float > (int matrix_order, char JOBU, char JOBVT, int M, int N, float *A, int LDA, float *S, float *U, int LDU, float *VT, int LDVT, float *superb) |
template<class T > | |
void | gesvd_UtlMatrix (const NDArray< T, 2 > &mat, NDArray< T, 2 > &U, NDArray< T, 1 > &s, NDArray< T, 2 > &V, char format='S') |
template<class T > | |
void | gesvd_VnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &U, vnl_vector< T > &s, vnl_matrix< T > &V, char format='S') |
template<class VectorType > | |
VectorType | GetAbsoluteVector (const VectorType &vec, const int N) |
template<class T > | |
vnl_vector< T > | GetAbsoluteVnlVector (const vnl_vector< T > &vec) |
mxArray * | GetArrayStruct (const mxArray *pr_struct, const char *name) |
std::vector< double > | GetCoefLaguerre (const int n, const double a=0.5) |
std::vector< double > | GetCoefLaguerreProduct (const int n1, const double a1, const int n2, const double a2) |
std::string | GetColoredString (const std::string &str, const int color) |
template<class T > | |
void | GetColumn (const vnl_matrix< T > &mat, const int index, vnl_vector< T > &v1) |
template<class T > | |
vnl_matrix< T > | GetColumnsVnlMatrix (const vnl_matrix< T > &mat, const std::vector< int > &index) |
template<class IteratorType > | |
std::vector< double > | GetContainerStats (IteratorType v1, IteratorType v2) |
template<> | |
std::vector< double > | GetContainerStats< const std::complex< double > * > (const std::complex< double > *v1, const std::complex< double > *v2) |
template<> | |
std::vector< double > | GetContainerStats< const std::complex< float > * > (const std::complex< float > *v1, const std::complex< float > *v2) |
template<> | |
std::vector< double > | GetContainerStats< const std::string * > (const std::string *v1, const std::string *v2) |
template<> | |
std::vector< double > | GetContainerStats< std::complex< double > * > (std::complex< double > *v1, std::complex< double > *v2) |
template<> | |
std::vector< double > | GetContainerStats< std::complex< float > * > (std::complex< float > *v1, std::complex< float > *v2) |
template<class T > | |
vnl_matrix< T > | GetDiagonalMatrix (const vnl_vector< T > &vec) |
template<class T > | |
utl::Matrix< T > | GetDTIDesignMatrix (const utl::Matrix< T > &gradMat, const std::vector< T > &bVec, int dwi_normalize) |
template<typename T > | |
std::vector< T > | GetE1E2FromFAMD (const T fa, const T meanEigenValue, const bool isE2E3Equal=true) |
template<class T > | |
void | GetEqualityConstraintProjection (const vnl_matrix< T > &Aeq, const vnl_vector< T > &beq, const vnl_matrix< T > &QInverse, vnl_matrix< T > &projMatrix, vnl_vector< T > &projVector) |
template<class T > | |
void | GetEqualityConstraintProjection (const NDArray< T, 2 > &Aeq, const NDArray< T, 1 > &beq, const NDArray< T, 2 > &QInverse, NDArray< T, 2 > &projMatrix, NDArray< T, 1 > &projVector) |
double | GetExpLegendreCoef (const double a, const int l, Func1To1 expF=&std::exp) |
double | GetExpLegendreCoefDerivative (const double a, const int l, Func1To1 expF=&std::exp) |
double | GetExpProductLegendreCoef (const double a, const double b, const int l) |
int | GetFiberTractsFormat (const std::string &filename) |
int | GetFiberTractsFormatFromFileExtension (const std::string &filename) |
void | GetFileExtension (const std::string &fileNameAbsolute, std::string &ext, std::string &fileNoExt) |
int | GetIndexSHj (const int l, const int m) |
std::vector< int > | GetIndexSHlm (const int j) |
template<class T > | |
utl::NDArray< T, 2 > | GetMeanOfRotationMatrix (const std::vector< NDArray< T, 2 > > &matrixVec, const utl::NDArray< T, 1 > &weights) |
template<class T > | |
utl::NDArray< T, 2 > | GetMeanOfRotationMatrix (const std::vector< NDArray< T, 2 > > &matrixVec) |
template<class T > | |
T | GetMedianVnlVector (const vnl_vector< T > &values) |
template<class T > | |
double | GetMinAngle (const vnl_matrix< T > &grad) |
template<class T > | |
void | GetMXArrayFromSTDVector (const std::vector< T > *vec, mxArray *&pr) |
template<class T > | |
void | GetMXArrayFromUtlMatrix (const NDArray< T, 2 > *mat, mxArray *&pr) |
template<class T > | |
void | GetMXArrayFromUtlVector (const NDArray< T, 1 > *mat, mxArray *&pr) |
template<class T > | |
void | GetMXArrayFromVNLMatrix (const vnl_matrix< T > *mat, mxArray *&pr) |
template<class T > | |
void | GetMXArrayFromVNLVector (const vnl_vector< T > *mat, mxArray *&pr) |
template<typename... Args> | |
auto | GetNumberOfArgs (Args...args) -> decltype(sizeof...(args)) |
template<class IteratorType > | |
int | GetNumberOfNonZeroValues (IteratorType v, IteratorType v2, const double threshold=1e-6) |
void | GetPath (const std::string &fileNameAbsolute, std::string &path, std::string &file) |
std::vector< int > | GetRange (const int start, const int end, const int space=1) |
template<class T > | |
int | getrf (int matrix_layout, int m, int n, T *a, int lda, int *ipiv) |
template<> | |
int | getrf< double > (int matrix_layout, int m, int n, double *a, int lda, int *ipiv) |
template<> | |
int | getrf< float > (int matrix_layout, int m, int n, float *a, int lda, int *ipiv) |
template<> | |
int | getrf< std::complex< double > > (int matrix_layout, int m, int n, std::complex< double > *a, int lda, int *ipiv) |
template<> | |
int | getrf< std::complex< float > > (int matrix_layout, int m, int n, std::complex< float > *a, int lda, int *ipiv) |
template<class T > | |
int | getri (int matrix_layout, int n, T *a, int lda, const int *ipiv) |
template<> | |
int | getri< double > (int matrix_layout, int n, double *a, int lda, const int *ipiv) |
template<> | |
int | getri< float > (int matrix_layout, int n, float *a, int lda, const int *ipiv) |
template<> | |
int | getri< std::complex< double > > (int matrix_layout, int n, std::complex< double > *a, int lda, const int *ipiv) |
template<> | |
int | getri< std::complex< float > > (int matrix_layout, int n, std::complex< float > *a, int lda, const int *ipiv) |
template<class T > | |
void | getri_UtlMatrix (const utl::NDArray< T, 2 > &mat, utl::NDArray< T, 2 > &result) |
template<class T > | |
void | GetRow (const vnl_matrix< T > &mat, const int index, vnl_vector< T > &v1) |
template<class T > | |
vnl_matrix< T > | GetRowsVnlMatrix (const vnl_matrix< T > &mat, const std::vector< int > &index) |
template<class T = double> | |
std::function< T(T)> | GetScalarFunctionFromString (const std::string &funcStr) |
template<class T > | |
std::vector< T > | GetScalarsByName (const std::vector< T > &vec, const std::vector< std::string > &nameVec, const std::string &name) |
int | GetScalarsDimentionByName (const std::string &name) |
template<typename T > | |
T | GetScalarStruct (const mxArray *pr_struct, const char *name) |
template<typename T > | |
T | GetScalarStructDef (const mxArray *pr_struct, const char *name, const T def) |
template<> | |
std::string | GetScalarStructDef (const mxArray *pr_struct, const char *name, const std::string def) |
std::string | GetSequentialFileName (const std::string &filePrefix, const unsigned int iteration, const std::string &fileExtension, const unsigned int paddedLength=6) |
template<class T > | |
void | GetSTDVectorFromMXArray (const mxArray *pr, std::vector< T > *vec) |
void | GetString (const mxArray *pr, std::string &str) |
std::string | GetString (const mxArray *pr) |
void | GetStringStruct (const mxArray *pr_struct, const char *name, char *field, const mwSize length) |
template<class TVectorType > | |
double | GetSumOfVector (const TVectorType &vec, const int NSize) |
template<class T > | |
utl_shared_ptr< utl::NDArray< T, 1 > > | GetSymmetricTensorSHCoef (const T b, const T e1, const T e2, const int lMax, const T theta=0, const T phi=0) |
template<class T > | |
std::vector< std::vector< T > > | GetSymmetricTensorSHCoefDerivative (const T b, const T e1, const T e2, const int lMax, const T theta=0, const T phi=0) |
template<class T > | |
void | GetUtlMatrixFromMXArray (const mxArray *pr, NDArray< T, 2 > *mat) |
template<class T > | |
void | GetUtlVectorFromMXArray (const mxArray *pr, NDArray< T, 1 > *mat) |
template<class T > | |
vnl_vector< T > | GetValuesVnlVector (const vnl_vector< T > &vec, const int colstart, const int n) |
template<class T > | |
vnl_vector< T > | GetValuesVnlVector (const vnl_vector< T > &vec, const std::vector< int > &index) |
template<class T = double> | |
std::function< T(std::vector< T >)> | GetVectorFunctionFromString (const std::string &funcStr) |
template<class VectorType > | |
VectorType | GetVectorLinspace (const double valueMin, const double valueMax, const int num) |
template<class VectorType > | |
VectorType | GetVectorShrinkage (const VectorType &vec, const int N, const double kappa) |
template<class T > | |
void | GetVNLMatrixFromMXArray (const mxArray *pr, vnl_matrix< T > *mat) |
template<class T > | |
vnl_matrix< T > | GetVnlMatrixPInverse (const vnl_matrix< T > &mat, const double eps=1e-8) |
template<class T > | |
std::vector< T > | GetVnlMatrixStats (const vnl_matrix< T > &values) |
template<class T > | |
vnl_matrix< T > | GetVnlSymmericMatrixPInverse (const vnl_matrix< T > &mat, const double eps=1e-8) |
template<class T > | |
void | GetVNLVectorFromMXArray (const mxArray *pr, vnl_vector< T > *mat) |
template<class T > | |
std::vector< T > | GetVnlVectorStats (const vnl_vector< T > &values) |
template<class T > | |
bool | gevm_UtlVectorTimesMatrix (const bool bATrans, const T alpha, const utl::NDArray< T, 1 > &X, const utl::NDArray< T, 2 > &A, const T beta, utl::NDArray< T, 1 > &Y) |
template<class T > | |
void | hash_combine (std::vcl_size_t &seed, T const &v) |
double | Hyperg1F1 (double a, double b, double x) |
template<class T , unsigned Dim> | |
NDArray< T, Dim > | Imag (const NDArray< std::complex< T >, Dim > &mat) |
static int | InitializeMKL (const int numThreads) |
static int | InitializeOpenMP (const int numThreads) |
void | InitializeSHTripleIntegrationTable (const int rank0=-1, const int rank1=-1, const int rank2=-1, const bool useExactSize=false) |
static void | InitializeThreadedLibraries (const int numThreads) |
template<class T > | |
T | InnerProduct (const vnl_vector< T > &v1, const vnl_vector< T > &v2) |
template<class T , unsigned int Dim> | |
T | InnerProduct (const NDArrayBase< T, Dim > &v1, const NDArrayBase< T, Dim > &v2) |
template<class T > | |
void | InnerProduct (const NDArray< T, 2 > &mat, const NDArray< T, 1 > &vec, NDArray< T, 1 > &result) |
template<class T > | |
void | InnerProduct (const NDArray< T, 1 > &vec, const NDArray< T, 2 > &mat, NDArray< T, 1 > &result) |
template<class T > | |
void | InnerProduct (const NDArray< T, 4 > &tensor, const NDArray< T, 2 > &matrix, NDArray< T, 2 > &result) |
template<class T > | |
void | InnerProduct (const NDArray< T, 2 > &matrix, const NDArray< T, 4 > &tensor, NDArray< T, 2 > &result) |
template<class TVector1 , class TVector2 > | |
double | InnerProduct (const TVector1 &v1, const TVector2 &v2, const int N1) |
template<class T > | |
NDArray< T, 2 > | InverseMatrix (const NDArray< T, 2 > &mat, const double eps=1e-10) |
template<class TMatrixType > | |
void | InverseSmallMatrix (const TMatrixType &mat, TMatrixType &result, const int row) |
template<class T > | |
NDArray< T, 2 > | InverseSymmericMatrix (const NDArray< T, 2 > &mat, const double eps=1e-10) |
template<class T > | |
void | InverseSymmericVnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &result, const T eps=1e-8) |
template<class VectorType > | |
bool | IsContainsNaN (const VectorType &a, const int size) |
bool | IsEndingWith (const std::string &fullString, const std::string &ending) |
bool | IsEven (const int value) |
bool | IsFileExist (const std::string &file) |
template<class Parent , class Object > | |
bool | IsInstanceOf (const Object &o) |
bool | IsInt (const std::string &input, const double epss=1e-10) |
bool | IsInt (const double dd, const double epss=1e-10) |
bool | IsInt (const float dd, const double epss=1e-10) |
template<class VectorType , class T > | |
bool | IsInVector (const VectorType &vec, const int size, const T &num, const double eps=1e-10) |
template<typename T > | |
bool | IsInVector (const std::vector< T > &vec, const T &num, const double eps=1e-10) |
bool | IsLogAll (const int level=utl::LogLevel) |
bool | IsLogDebug (const int level=utl::LogLevel) |
bool | IsLogLarge (const int level=utl::LogLevel) |
bool | IsLogMute (const int level=utl::LogLevel) |
bool | IsLogNormal (const int level=utl::LogLevel) |
template<class T > | |
bool | IsMatrixSymmetric (const vnl_matrix< T > &mat, const double eps=1e-10) |
bool | IsNumber (const std::string &input) |
bool | IsOdd (const int value) |
template<class T > | |
bool | IsSame (const T &value, const T &v0, const double eps=1e-10) |
template<> | |
bool | IsSame< char > (const char &value, const char &v0, const double) |
template<> | |
bool | IsSame< int > (const int &value, const int &v0, const double) |
template<> | |
bool | IsSame< std::string > (const std::string &value, const std::string &v0, const double) |
template<class T , vcl_size_t N1, vcl_size_t N2> | |
bool | IsSameArray (const T(&a1)[N1], const T(&a2)[N2], const double eps=1e-10) |
template<class T1 , class T2 , unsigned Dim1, unsigned Dim2> | |
bool | IsSameShape (const NDArray< T1, Dim1 > &arr1, const NDArray< T2, Dim2 > &arr2) |
template<class T > | |
bool | IsSameVector (const std::vector< T > &vec1, const std::vector< T > &vec2, const double eps=1e-10) |
template<class T > | |
T | Lagurre (const int n, const double a, const T x) |
template<class T > | |
T | lange (int matrix_order, char norm, int m, int n, const T *A, int LDA) |
double | lange (int matrix_order, char norm, int m, int n, const std::complex< double > *A, int LDA) |
float | lange (int matrix_order, char norm, int m, int n, const std::complex< float > *A, int LDA) |
template<> | |
double | lange< double > (int matrix_order, char norm, int m, int n, const double *A, int LDA) |
template<> | |
float | lange< float > (int matrix_order, char norm, int m, int n, const float *A, int LDA) |
double | LegendrePolynomialAt0 (const int order) |
template<class ExprT > | |
auto | Log (const ExprT &expr) -> decltype(utl::F< utl::Functor::Log< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | Log10 (const ExprT &expr) -> decltype(utl::F< utl::Functor::Log10< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | Log2 (const ExprT &expr) -> decltype(utl::F< utl::Functor::Log2< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | LRound (const ExprT &expr) -> decltype(utl::F< utl::Functor::LRound< typename ExprT::ValueType > >(expr)) |
template<typename OP , typename TA , typename TB > | |
BinaryOpExpr< OP, TA, TB > | MakeExpr (const Expr< TA, typename TA::ValueType > &lhs, const Expr< TB, typename TB::ValueType > &rhs) |
template<typename OP , typename EType > | |
UnaryOpExpr< OP, EType > | MakeExpr (const Expr< EType, typename EType::ValueType > &expr) |
template<class T > | |
void | MatchBVectorAndGradientMatrix (const T &br, std::vector< T > &vec, const NDArray< T, 2 > &grad) |
template<class T > | |
void | MatchBVectorAndGradientMatrix (std::vector< T > &vec, NDArray< T, 2 > &grad) |
template<class T > | |
void | MatrixCopy (const vnl_matrix< T > &mat, vnl_matrix< T > &matOut, const T alpha, const char trans='N') |
template<class T1 , class T2 > | |
void | MatrixToMatrix (const T1 &mat1, T2 &mat2, const int NRows, const int NColumns) |
template<typename T > | |
const T & | max (const T &a, const T &b) |
template<typename T > | |
const T & | max (const T &a, const T &b, const T &c) |
template<typename T > | |
const T & | max (const T &a, const T &b, const T &c, const T &d) |
const unsigned int | max (const unsigned int a, const vcl_size_t b) |
const unsigned int | max (const vcl_size_t a, const unsigned int b) |
const int | max (const unsigned int a, const int b) |
const int | max (const int a, const unsigned int b) |
const int | max (const int a, const vcl_size_t b) |
const int | max (const vcl_size_t a, const int b) |
const double | max (const double a, const float b) |
const double | max (const float a, const double b) |
const double | max (const double a, const int b) |
const double | max (const int a, const double b) |
const double | max (const float a, const int b) |
const double | max (const int a, const float b) |
template<class TLeft , class TRight > | |
auto | Max (const TLeft &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Max< Expr2ValueType< TLeft, TRight >> >(lhs, rhs)) |
template<class TLeft > | |
auto | Max (const TLeft &lhs, const ScalarExpr &rhs) -> decltype(utl::F< utl::Functor::Max< Expr2ValueType< TLeft, ScalarExpr >> >(lhs, rhs)) |
template<class TRight > | |
auto | Max (const ScalarExpr &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Max< Expr2ValueType< ScalarExpr, TRight >> >(lhs, rhs)) |
template<class T > | |
T | max_element (const std::vector< T > &v) |
template<class T > | |
utl::NDArray< T, 1 > | MeanDirector (const std::vector< utl::NDArray< T, 1 > > &dirVec, const bool isUnitNorm=true) |
template<typename T > | |
T | median_element (std::vector< T > values) |
template<typename T > | |
bool | mexCheckType (const mxArray *array) |
template<> | |
bool | mexCheckType< bool > (const mxArray *array) |
template<> | |
bool | mexCheckType< double > (const mxArray *array) |
template<> | |
bool | mexCheckType< float > (const mxArray *array) |
template<> | |
bool | mexCheckType< int > (const mxArray *array) |
template<> | |
bool | mexCheckType< std::complex< double > > (const mxArray *array) |
template<> | |
bool | mexCheckType< std::complex< float > > (const mxArray *array) |
template<typename T > | |
const T & | min (const T &a, const T &b) |
template<typename T > | |
const T & | min (const T &a, const T &b, const T &c) |
template<typename T > | |
const T & | min (const T &a, const T &b, const T &c, const T &d) |
const unsigned int | min (const unsigned int a, const vcl_size_t b) |
const unsigned int | min (const vcl_size_t a, const unsigned int b) |
const int | min (const unsigned int a, const int b) |
const int | min (const int a, const unsigned int b) |
const int | min (const int a, const vcl_size_t b) |
const int | min (const vcl_size_t a, const int b) |
const double | min (const double a, const float b) |
const double | min (const float a, const double b) |
const double | min (const double a, const int b) |
const double | min (const int a, const double b) |
const double | min (const float a, const int b) |
const double | min (const int a, const float b) |
template<class TLeft , class TRight > | |
auto | Min (const TLeft &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Min< Expr2ValueType< TLeft, TRight >> >(lhs, rhs)) |
template<class TLeft > | |
auto | Min (const TLeft &lhs, const ScalarExpr &rhs) -> decltype(utl::F< utl::Functor::Min< Expr2ValueType< TLeft, ScalarExpr >> >(lhs, rhs)) |
template<class TRight > | |
auto | Min (const ScalarExpr &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Min< Expr2ValueType< ScalarExpr, TRight >> >(lhs, rhs)) |
template<class T > | |
T | min_element (const std::vector< T > &v) |
template<class T > | |
void | mkl_imatcopy (const char ordering, const char trans, const int rows, const int cols, const T alpha, T *A, const int lda, const int ldb) |
template<> | |
void | mkl_imatcopy< double > (const char ordering, const char trans, const int rows, const int cols, const double alpha, double *A, const int lda, const int ldb) |
template<> | |
void | mkl_imatcopy< float > (const char ordering, const char trans, const int rows, const int cols, const float alpha, float *A, const int lda, const int ldb) |
template<> | |
void | mkl_imatcopy< std::complex< double > > (const char ordering, const char trans, const int rows, const int cols, const std::complex< double > alpha, std::complex< double > *A, const int lda, const int ldb) |
template<> | |
void | mkl_imatcopy< std::complex< float > > (const char ordering, const char trans, const int rows, const int cols, const std::complex< float > alpha, std::complex< float > *A, const int lda, const int ldb) |
template<class T > | |
void | mkl_omatcopy (const char ordering, const char trans, const int rows, const int cols, const T alpha, const T *A, const int lda, T *B, const int ldb) |
template<> | |
void | mkl_omatcopy< double > (const char ordering, const char trans, const int rows, const int cols, const double alpha, const double *A, const int lda, double *B, const int ldb) |
template<> | |
void | mkl_omatcopy< float > (const char ordering, const char trans, const int rows, const int cols, const float alpha, const float *A, const int lda, float *B, const int ldb) |
template<> | |
void | mkl_omatcopy< std::complex< double > > (const char ordering, const char trans, const int rows, const int cols, const std::complex< double > alpha, const std::complex< double > *A, const int lda, std::complex< double > *B, const int ldb) |
template<> | |
void | mkl_omatcopy< std::complex< float > > (const char ordering, const char trans, const int rows, const int cols, const std::complex< float > alpha, const std::complex< float > *A, const int lda, std::complex< float > *B, const int ldb) |
template<class ExprT > | |
auto | Neg (const ExprT &expr) -> decltype(utl::F< utl::Functor::Neg< typename ExprT::ValueType > >(expr)) |
template<class T > | |
void | NormalizeGrad (const utl::NDArray< T, 2 > &grad) |
template<class VectorType > | |
VectorType | NormalizeMax (const VectorType &v, const int nSize) |
template<typename T > | |
std::vector< T > | NormalizeMax (const std::vector< T > &v) |
template<class T > | |
vnl_matrix< T > | NormalizeMinMax (const vnl_matrix< T > &matrix) |
template<class VectorType > | |
VectorType | NormalizeMinMax (const VectorType &v, const int nSize) |
template<typename T > | |
std::vector< T > | NormalizeMinMax (std::vector< T > &v) |
template<class VectorType > | |
VectorType | NormalizeUnitNorm (const VectorType &v, const int nSize) |
template<typename T > | |
std::vector< T > | NormalizeUnitNorm (const std::vector< T > &v) |
template<class T = double> | |
utl::NDArray< T, 1 > | Ones (const int n) |
template<class T = double> | |
utl::NDArray< T, 2 > | Ones (const int n, const int m) |
template<typename TLeft , typename TRight > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< TLeft, TRight > >, TLeft, TRight > | operator% (const Expr< TLeft, typename TLeft::ValueType > &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator% (const double lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator% (const Expr< TLeft, typename TLeft::ValueType > &lhs, const ScalarExpr &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator% (const ScalarExpr &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< ScalarComplexExpr, TRight > >, ScalarComplexExpr, TRight > | operator% (const std::complex< double > lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator% (const Expr< TLeft, typename TLeft::ValueType > &lhs, const double rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::multiplies< Expr2ValueType< TLeft, ScalarComplexExpr > >, TLeft, ScalarComplexExpr > | operator% (const Expr< TLeft, typename TLeft::ValueType > &lhs, const std::complex< double > rhs) |
template<typename T > | |
NDArray< T, 2 > | operator* (const NDArray< T, 2 > &mat1, const NDArray< T, 2 > &mat2) |
template<typename T > | |
NDArray< std::complex< T >, 2 > | operator* (const NDArray< T, 2 > &mat1, const NDArray< std::complex< T >, 2 > &mat2) |
template<typename T > | |
NDArray< std::complex< T >, 2 > | operator* (const NDArray< std::complex< T >, 2 > &mat1, const NDArray< T, 2 > &mat2) |
template<typename T > | |
NDArray< T, 1 > | operator* (const NDArray< T, 2 > &mat, const NDArray< T, 1 > &vec) |
template<typename T > | |
NDArray< T, 1 > | operator* (const NDArray< T, 1 > &vec, const NDArray< T, 2 > &mat) |
template<typename T , typename EType > | |
NDArray< T, 1 > | operator* (const NDArray< T, 1 > &vec, const Expr< EType, typename EType::ValueType > &expr) |
template<typename TLeft , typename TRight > | |
BinaryOpExpr< std::plus< Expr2ValueType< TLeft, TRight > >, TLeft, TRight > | operator+ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::plus< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator+ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const ScalarExpr &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::plus< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator+ (const ScalarExpr &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::plus< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator+ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const double rhs) |
template<typename TRight > | |
BinaryOpExpr< std::plus< Expr2ValueType< ScalarComplexExpr, TRight > >, ScalarComplexExpr, TRight > | operator+ (const std::complex< double > lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::plus< Expr2ValueType< TLeft, ScalarComplexExpr > >, TLeft, ScalarComplexExpr > | operator+ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const std::complex< double > rhs) |
template<typename TRight > | |
BinaryOpExpr< std::plus< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator+ (const double lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft , typename TRight > | |
BinaryOpExpr< std::minus< Expr2ValueType< TLeft, TRight > >, TLeft, TRight > | operator- (const Expr< TLeft, typename TLeft::ValueType > &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::minus< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator- (const Expr< TLeft, typename TLeft::ValueType > &lhs, const ScalarExpr &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::minus< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator- (const double lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::minus< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator- (const Expr< TLeft, typename TLeft::ValueType > &lhs, const double rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::minus< Expr2ValueType< TLeft, ScalarComplexExpr > >, TLeft, ScalarComplexExpr > | operator- (const Expr< TLeft, typename TLeft::ValueType > &lhs, const std::complex< double > rhs) |
template<typename TRight > | |
BinaryOpExpr< std::minus< Expr2ValueType< ScalarComplexExpr, TRight > >, ScalarComplexExpr, TRight > | operator- (const std::complex< double > lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::minus< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator- (const ScalarExpr &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TExpr > | |
UnaryOpExpr< std::negate< typename TExpr::ValueType >, TExpr > | operator- (const Expr< TExpr, typename TExpr::ValueType > &lhs) |
template<typename TLeft , typename TRight > | |
BinaryOpExpr< std::divides< Expr2ValueType< TLeft, TRight > >, TLeft, TRight > | operator/ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::divides< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator/ (const double lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::divides< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator/ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const double rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::divides< Expr2ValueType< TLeft, ScalarExpr > >, TLeft, ScalarExpr > | operator/ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const ScalarExpr &rhs) |
template<typename TRight > | |
BinaryOpExpr< std::divides< Expr2ValueType< ScalarExpr, TRight > >, ScalarExpr, TRight > | operator/ (const ScalarExpr &lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename TLeft > | |
BinaryOpExpr< std::divides< Expr2ValueType< TLeft, ScalarComplexExpr > >, TLeft, ScalarComplexExpr > | operator/ (const Expr< TLeft, typename TLeft::ValueType > &lhs, const std::complex< double > rhs) |
template<typename TRight > | |
BinaryOpExpr< std::divides< Expr2ValueType< ScalarComplexExpr, TRight > >, ScalarComplexExpr, TRight > | operator/ (const std::complex< double > lhs, const Expr< TRight, typename TRight::ValueType > &rhs) |
template<typename T , unsigned int Dim> | |
std::ostream & | operator<< (std::ostream &os, const NDArray< T, Dim > &arr) |
template<typename T > | |
std::ostream & | operator<< (std::ostream &os, const NDArray< T, 1 > &arr) |
template<typename T > | |
std::ostream & | operator<< (std::ostream &os, const NDArray< T, 2 > &arr) |
template<class T > | |
void | OuterProduct (const vnl_vector< T > &v1, const vnl_vector< T > &v2, vnl_matrix< T > &mat, const double alpha=1.0) |
template<class T > | |
void | OuterProduct (const vnl_vector< T > &v1, vnl_matrix< T > &mat, const double alpha=1.0) |
template<class T > | |
void | OuterProduct (const NDArrayBase< T, 2 > &mat1, const NDArrayBase< T, 2 > &mat2, NDArray< T, 4 > &tensor) |
template<class T > | |
void | OuterProduct (const NDArray< T, 1 > &v1, const NDArray< T, 1 > &v2, NDArray< T, 2 > &mat) |
template<class TVector1 , class TVector2 , class TMatrix > | |
void | OuterProduct (const TVector1 &v1, const int N1, const TVector2 &v2, const int N2, TMatrix &mat) |
template<class TVector1 , class TMatrix > | |
void | OuterProduct (const TVector1 &v1, const int N1, TMatrix &mat) |
template<class T > | |
NDArray< T, 2 > | PInverseMatrix (const NDArray< T, 2 > &mat, const double eps=1e-10) |
template<class T > | |
NDArray< T, 2 > | PInverseSymmericMatrix (const NDArray< T, 2 > &mat, const double eps=1e-10) |
template<class T > | |
void | PInverseSymmericVnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &result, const T eps=1e-8) |
template<class T > | |
void | PInverseVnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &result, const T eps=1e-8) |
template<class PointsContainer , class VnlValueType > | |
void | PointsContainerToUtlMatrix (const PointsContainer &points, utl::NDArray< VnlValueType, 2 > &matrix) |
std::vector< std::complex< double > > | PolynomialRoot (const std::vector< double > &coef) |
template<class TRight > | |
auto | Pow (const ScalarExpr &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Pow< Expr2ValueType< ScalarExpr, TRight >> >(lhs, rhs)) |
template<class TLeft > | |
auto | Pow (const TLeft &lhs, const ScalarExpr &rhs) -> decltype(utl::F< utl::Functor::Pow< Expr2ValueType< TLeft, ScalarExpr >> >(lhs, rhs)) |
template<class TLeft , class TRight > | |
auto | Pow (const TLeft &lhs, const TRight &rhs) -> decltype(utl::F< utl::Functor::Pow< Expr2ValueType< TLeft, TRight >> >(lhs, rhs)) |
template<class IteratorType > | |
void | PowerVector (IteratorType v1, IteratorType v2, const double poww) |
double | PowHalfInteger (const double a, const double b) |
double | PowInteger (const double a, const int b) |
template<typename... Args> | |
void | Print (Args...args) |
template<class IteratorType > | |
void | PrintContainer (IteratorType v1, IteratorType v2, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout, bool showStats=true) |
template<class TMatrixType > | |
void | PrintMatrix (const TMatrixType &matrix, const int NumberRows, const int NumberColumns, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout, bool showStats=true) |
template<class TMatrixType > | |
void | PrintMatrixStats (const TMatrixType &matrix, const int NumberRows, const int NumberColumns, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<typename... Args> | |
void | PrintOS (std::ostream &os, Args...args) |
template<class Tuple , vcl_size_t Pos> | |
std::ostream & | PrintTuple (std::ostream &os, const Tuple &t, Int_< Pos >) |
template<class Tuple > | |
std::ostream & | PrintTuple (std::ostream &os, const Tuple &t, Int_< 1 >) |
template<class... Args> | |
void | PrintTuple (const std::tuple< Args... > &t, const std::string &str="", std::ostream &os=std::cout) |
template<class T > | |
void | PrintUtlMatrix (const NDArray< T, 2 > &mat, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<class T , unsigned int Dim> | |
void | PrintUtlNDArray (const NDArrayBase< T, Dim > &arr, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<class T > | |
void | PrintUtlVector (const NDArray< T, 1 > &vec, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout, bool showStats=true) |
template<typename T > | |
void | PrintVector (const std::vector< T > &vec, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout, bool showStats=true) |
template<class VectorType > | |
void | PrintVector (const VectorType &vec, const int NSize, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout, bool showStats=true) |
template<> | |
void | PrintVector< std::string > (const std::vector< std::string > &vec, const std::string &str, const char *separate, std::ostream &os, bool showStats) |
template<class T > | |
void | PrintVnlMatrix (const vnl_matrix< T > &matrix, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<class T > | |
void | PrintVnlMatrixStats (const vnl_matrix< T > &matrix, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<class T > | |
void | PrintVnlVector (const vnl_vector< T > &vec, const std::string &str="", const char *separate=" ", std::ostream &os=std::cout) |
template<class TMatrix1 , class TMatrix2 , class TMatrix3 > | |
void | ProductMM (const TMatrix1 &mat1, int rows, int cols, const TMatrix2 &mat2, int cols2, TMatrix3 &mat3) |
template<class TMatrix , class TVector1 , class TVector2 > | |
void | ProductMv (const TMatrix &mat, int rows, int cols, const TVector1 &v1, TVector2 &v2) |
template<class T > | |
void | ProductUtlMM (const utl::NDArray< T, 2 > &A1, const utl::NDArray< T, 2 > &A2, const utl::NDArray< T, 2 > &A3, const utl::NDArray< T, 2 > &A4, utl::NDArray< T, 2 > &C) |
template<class T > | |
void | ProductUtlMM (const utl::NDArray< T, 2 > &A1, const utl::NDArray< T, 2 > &A2, const utl::NDArray< T, 2 > &A3, utl::NDArray< T, 2 > &C) |
template<class T > | |
void | ProductUtlMM (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 2 > &B, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlMM (const utl::NDArray< T, 2 > &A1, const utl::NDArray< T, 2 > &A2, const utl::NDArray< T, 2 > &A3, const utl::NDArray< T, 2 > &A4, const utl::NDArray< T, 2 > &A5, utl::NDArray< T, 2 > &C) |
template<class T > | |
void | ProductUtlMMt (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 2 > &B, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlMtM (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 2 > &B, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlMtMt (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 2 > &B, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlMtv (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 1 > &b, utl::NDArray< T, 1 > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlMv (const utl::NDArray< T, 2 > &A, const utl::NDArray< T, 1 > &b, utl::NDArray< T, 1 > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlvM (const utl::NDArray< T, 1 > &b, const utl::NDArray< T, 2 > &A, utl::NDArray< T, 1 > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlvMt (const utl::NDArray< T, 1 > &b, const utl::NDArray< T, 2 > &A, utl::NDArray< T, 1 > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlXtX (const utl::NDArray< T, 2 > &A, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductUtlXXt (const utl::NDArray< T, 2 > &A, utl::NDArray< T, 2 > &C, const double alpha=1.0, const double beta=0.0) |
template<class TVector1 , class TMatrix , class TVector2 > | |
void | ProductvM (const TVector1 &v1, int rows, const TMatrix &mat, int cols, TVector2 &v2) |
template<class T > | |
void | ProductVnlMM (const vnl_matrix< T > &A, const vnl_matrix< T > &B, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlMM (const vnl_matrix< T > &A1, const vnl_matrix< T > &A2, const vnl_matrix< T > &A3, vnl_matrix< T > &C) |
template<class T > | |
void | ProductVnlMM (const vnl_matrix< T > &A1, const vnl_matrix< T > &A2, const vnl_matrix< T > &A3, const vnl_matrix< T > &A4, vnl_matrix< T > &C) |
template<class T > | |
void | ProductVnlMM (const vnl_matrix< T > &A1, const vnl_matrix< T > &A2, const vnl_matrix< T > &A3, const vnl_matrix< T > &A4, const vnl_matrix< T > &A5, vnl_matrix< T > &C) |
template<class T > | |
void | ProductVnlMMt (const vnl_matrix< T > &A, const vnl_matrix< T > &B, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlMtM (const vnl_matrix< T > &A, const vnl_matrix< T > &B, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlMtMt (const vnl_matrix< T > &A, const vnl_matrix< T > &B, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlMtv (const vnl_matrix< T > &A, const vnl_vector< T > &b, vnl_vector< T > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlMv (const vnl_matrix< T > &A, const vnl_vector< T > &b, vnl_vector< T > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlvM (const vnl_vector< T > &b, const vnl_matrix< T > &A, vnl_vector< T > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlvMt (const vnl_vector< T > &b, const vnl_matrix< T > &A, vnl_vector< T > &c, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlXtX (const vnl_matrix< T > &A, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<class T > | |
void | ProductVnlXXt (const vnl_matrix< T > &A, vnl_matrix< T > &C, const double alpha=1.0, const double beta=0.0) |
template<typename T > | |
T | Random (const T d1=T(0.0), const T d2=T(1.0)) |
long | RandomInt (const long d1=0, const long d2=1) |
std::vector< double > | RandomPointInSphere (const bool hemis) |
template<typename T > | |
std::vector< T > | RandomVec (const std::vector< T > &vec, const int num, std::vector< int > &result_index) |
int | RankToDimSH (const int shRank) |
template<class T > | |
std::shared_ptr< NDArray< T, 2 > > | ReadGrad (const int tess, const int NoSymmetricDuple=DIRECTION_NODUPLICATE, const int mode=CARTESIAN_TO_SPHERICAL, const int flipx=DIRECTION_NOFLIP, const int flipy=DIRECTION_NOFLIP, const int flipz=DIRECTION_NOFLIP, const bool need_normalize=true) |
template<class T > | |
std::shared_ptr< NDArray< T, 2 > > | ReadGrad (const std::string &grad_str, const int NoSymmetricDuple=DIRECTION_NODUPLICATE, const int mode=CARTESIAN_TO_SPHERICAL, const int flipx=DIRECTION_NOFLIP, const int flipy=DIRECTION_NOFLIP, const int flipz=DIRECTION_NOFLIP, const bool need_normalize=true) |
template<> | |
std::shared_ptr< NDArray< float, 2 > > | ReadGrad< float > (const int tess, const int NoSymmetricDuple, const int mode, const int flipx, const int flipy, const int flipz, const bool need_normalize) |
template<class T > | |
std::shared_ptr< NDArray< T, 2 > > | ReadGradElectricRepulsion (const int num, const int NoSymmetricDuple=DIRECTION_NODUPLICATE, const int mode=CARTESIAN_TO_SPHERICAL, const int flipx=DIRECTION_NOFLIP, const int flipy=DIRECTION_NOFLIP, const int flipz=DIRECTION_NOFLIP, const bool need_normalize=true) |
void | ReadLines (const std::string &filename, std::vector< std::vector< std::string > > &strVec, const char *cc=" ") |
void | ReadLinesFirstlineCheck (const std::string &filename, std::vector< std::vector< std::string > > &strVec, const char *cc=" ") |
template<class TMatrixType > | |
void | ReadMatFileToMatrix (const std::string fileName, const std::string varibleName, TMatrixType &matrix) |
template<class T > | |
void | ReadMatFileToVNLMatrix (const std::string fileName, const std::string varibleName, vnl_matrix< T > *mat) |
template<class TMatrixType > | |
void | ReadMatrix (const std::string &file, TMatrixType &matrix) |
template<class T > | |
void | ReadVector (const std::string &vectorStr, std::vector< T > &vec, const char *cc=" ") |
template<> | |
void | ReadVector< std::string > (const std::string &vectorStr, std::vector< std::string > &vec, const char *cc) |
template<class T , unsigned Dim> | |
NDArray< T, Dim > | Real (const NDArray< std::complex< T >, Dim > &mat) |
template<class T > | |
void | RemoveScalarsByName (std::vector< T > &vec, const std::vector< std::string > &nameVec, const std::string &name) |
void | ReplaceString (std::string &source, const char *replace, const char *with) |
void | RGBToIndex (double R, double G, double B, double &index) |
template<typename T > | |
T | RicianRand (const T value, const double sigma) |
template<class VectorType , class MatrixType > | |
void | RotationMatrixFromUnitNormVectors (const VectorType &from, const VectorType &to, MatrixType &mtx) |
template<class VectorType , class MatrixType > | |
void | RotationMatrixFromVectors (const VectorType &from, const VectorType &to, MatrixType &mat) |
template<class T > | |
void | RotationMatrixToAxisAngle (const NDArray< T, 2 > &rotMat, NDArray< T, 1 > &axis, double &theta) |
template<class ExprT > | |
auto | Round (const ExprT &expr) -> decltype(utl::F< utl::Functor::Round< typename ExprT::ValueType > >(expr)) |
template<class T > | |
int | RoundNumber (const T x) |
template<typename Vector2D > | |
void | Save2DVector (const Vector2D &vv, std::ostream &out=std::cout) |
template<typename Vector2D > | |
void | Save2DVector (const Vector2D &vv, const std::string &file) |
template<class TMatrixType > | |
void | SaveMatrix (const TMatrixType &matrix, const int NumberRows, const int NumberColumns, const std::string &file) |
template<class TMatrixType > | |
void | SaveMatrixToMatFile (const TMatrixType &matrix, const int NumberRows, const int NumberColumns, const std::string fileName, const std::string varibleName) |
template<typename VectorType > | |
void | SaveVector (const VectorType &vv, const int NSize, const std::string &vectorStr, const bool is_save_number=false) |
template<typename T > | |
void | SaveVector (const std::vector< T > &vv, const std::string &vectorStr, const bool is_save_number=false) |
template<class T > | |
void | SaveVnlMatrix (const vnl_matrix< T > &matrix, const std::string &file) |
template<class T > | |
void | SaveVNLMatrixToMatFile (const vnl_matrix< T > *mat, const std::string fileName, const std::string varibleName) |
template<typename T > | |
std::vector< T > | SelectVector (const std::vector< T > &vec, const std::vector< int > &index) |
template<typename T > | |
std::vector< T > | SelectVector (const std::vector< T > &vec, const int startIndex, const int numberOfElement) |
template<typename T > | |
std::vector< std::vector< int > > | SeparateVector (const std::vector< T > &vec, std::vector< T > &vec_sep, const double gap=1e-9) |
template<class T > | |
void | SetColumnsVnlMatrix (const vnl_matrix< T > &submat, vnl_matrix< T > &mat, const std::vector< int > &index) |
template<class T > | |
void | SetRowsVnlMatrix (const vnl_matrix< T > &submat, vnl_matrix< T > &mat, const std::vector< int > &index) |
template<class T > | |
void | SetScalarsByName (const std::vector< T > &vec, const std::vector< std::string > &nameVec, const std::vector< T > &scalars, const std::string &name) |
template<class T > | |
void | SetValuesVnlVector (const vnl_vector< T > &subvec, vnl_vector< T > &vec, const int colstart) |
template<class T > | |
void | SetValuesVnlVector (const vnl_vector< T > &subvec, vnl_vector< T > &vec, const std::vector< int > &index) |
template<typename T > | |
int | SetVector (const char *s, std::vector< T > &vec, const int least_num=0, const char &c=',') |
template<typename T > | |
int | SetVector (const std::string &s, std::vector< T > &vec, const int least_num=0, const char &c=',') |
static std::shared_ptr< NDArray< double, 3 > > | SH3IntegralTable (new NDArray< double, 3 >) |
template<typename T > | |
int | sign (const T &x) |
template<class ExprT > | |
auto | Sign (const ExprT &expr) -> decltype(utl::F< utl::Functor::Sign< typename ExprT::ValueType > >(expr)) |
template<class ExprT > | |
auto | Sin (const ExprT &expr) -> decltype(utl::F< utl::Functor::Sin< typename ExprT::ValueType > >(expr)) |
template<typename T > | |
void | spherical2Cartesian (const T r, const T theta, const T phi, T &x, T &y, T &z) |
template<typename T > | |
void | spherical2Cartesian (T &x, T &y, T &z) |
template<class T > | |
vnl_matrix< T > | SphericalToCartesian (const vnl_matrix< T > &in) |
template<class T > | |
NDArray< T, 2 > | SphericalToCartesian (const NDArray< T, 2 > &in) |
void | SplitString (const std::string &str, std::vector< std::string > &strVec, const char *cc=" ") |
template<class ExprT > | |
auto | Sqrt (const ExprT &expr) -> decltype(utl::F< utl::Functor::Sqrt< typename ExprT::ValueType > >(expr)) |
template<typename T > | |
T | square (const T &x) |
template<class ExprT > | |
auto | Square (const ExprT &expr) -> decltype(utl::F< utl::Functor::Square< typename ExprT::ValueType > >(expr)) |
template<class TVector1 > | |
double | SquaredTwoNorm (const TVector1 &v1, const int N1) |
template<class T > | |
NDArray< T, 1 > | StdVectorToUtlVector (const std::vector< T > &vec) |
template<class T > | |
vnl_vector< T > | StdVectorToVnlVector (const std::vector< T > &vec) |
int | strfind (const char *s, const char c) |
bool | StringCompareCaseIgnored (const std::string &str1, const std::string &str2) |
std::string | StringToLowerCase (const std::string &str) |
std::string | StringToUpperCase (const std::string &str) |
void | super_flush (std::ostream &stream) |
template<class T > | |
void | SVDVnlMatrix (const vnl_matrix< T > &mat, vnl_matrix< T > &U, vnl_vector< T > &s, vnl_matrix< T > &V, char format='S') |
void | SwapBytes (void *ptr, const int sizePerElement, const int count) |
template<class T > | |
int | syev (int matrix_order, char JOBZ, char UPLO, int N, T *A, int LDA, T *W) |
template<> | |
int | syev< double > (int matrix_order, char JOBZ, char UPLO, int N, double *A, int LDA, double *W) |
template<> | |
int | syev< float > (int matrix_order, char JOBZ, char UPLO, int N, float *A, int LDA, float *W) |
template<class T > | |
void | syev_UtlMatrix (const NDArray< T, 2 > &mat, NDArray< T, 1 > &eigenValues, NDArray< T, 2 > &eigenVectors) |
template<class T > | |
void | syev_VnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &eigenValues, vnl_matrix< T > &eigenVectors) |
template<class T > | |
int | syevd (int matrix_order, char JOBZ, char UPLO, int N, T *A, int LDA, T *W) |
template<> | |
int | syevd< double > (int matrix_order, char JOBZ, char UPLO, int N, double *A, int LDA, double *W) |
template<> | |
int | syevd< float > (int matrix_order, char JOBZ, char UPLO, int N, float *A, int LDA, float *W) |
template<> | |
int | syevd< std::complex< double > > (int matrix_order, char JOBZ, char UPLO, int N, std::complex< double > *A, int LDA, std::complex< double > *W) |
template<> | |
int | syevd< std::complex< float > > (int matrix_order, char JOBZ, char UPLO, int N, std::complex< float > *A, int LDA, std::complex< float > *W) |
template<class T > | |
void | syevd_UtlMatrix (const NDArray< T, 2 > &mat, NDArray< T, 1 > &eigenValues, NDArray< T, 2 > &eigenVectors) |
template<class T > | |
void | syevd_VnlMatrix (const vnl_matrix< T > &mat, vnl_vector< T > &eigenValues, vnl_matrix< T > &eigenVectors) |
template<class T > | |
void | syrk_UtlMatrix (const bool trans, const T alpha, const utl::NDArray< T, 2 > &A, const T beta, utl::NDArray< T, 2 > &C) |
template<class T > | |
void | syrk_VnlMatrix (const bool trans, const T alpha, const vnl_matrix< T > &A, const T beta, vnl_matrix< T > &C) |
template<class T > | |
int | sytrf (int matrix_order, char UPLO, int N, T *A, int LDA, int *IPIV) |
template<> | |
int | sytrf< double > (int matrix_order, char UPLO, int N, double *A, int LDA, int *IPIV) |
template<> | |
int | sytrf< float > (int matrix_order, char UPLO, int N, float *A, int LDA, int *IPIV) |
template<> | |
int | sytrf< std::complex< double > > (int matrix_order, char UPLO, int N, std::complex< double > *A, int LDA, int *IPIV) |
template<> | |
int | sytrf< std::complex< float > > (int matrix_order, char UPLO, int N, std::complex< float > *A, int LDA, int *IPIV) |
template<class T > | |
int | sytri (int matrix_order, char UPLO, int N, T *A, int LDA, const int *IPIV) |
template<> | |
int | sytri< double > (int matrix_order, char UPLO, int N, double *A, int LDA, const int *IPIV) |
template<> | |
int | sytri< float > (int matrix_order, char UPLO, int N, float *A, int LDA, const int *IPIV) |
template<> | |
int | sytri< std::complex< double > > (int matrix_order, char UPLO, int N, std::complex< double > *A, int LDA, const int *IPIV) |
template<> | |
int | sytri< std::complex< float > > (int matrix_order, char UPLO, int N, std::complex< float > *A, int LDA, const int *IPIV) |
template<class ExprT > | |
auto | Tan (const ExprT &expr) -> decltype(utl::F< utl::Functor::Tan< typename ExprT::ValueType > >(expr)) |
unsigned long | Tic (std::ostream &os=std::cout) |
unsigned long | TicToc (const bool is_tic, std::ostream &os=std::cout) |
unsigned long | Time () |
unsigned long | Toc (std::ostream &os=std::cout) |
template<class T , class EType > | |
std::shared_ptr< NDArray< T, 2 > > | ToMatrix (const Expr< EType, typename EType::ValueType > &expr) |
template<class T , unsigned int Dim, class EType > | |
std::shared_ptr< NDArray< T, Dim > > | ToNDArray (const Expr< EType, typename EType::ValueType > &expr) |
template<class T , class EType > | |
std::shared_ptr< NDArray< T, 1 > > | ToVector (const Expr< EType, typename EType::ValueType > &expr) |
template<class T > | |
std::string | TypeName () |
template<class T > | |
std::string | TypeName (const T &) |
template<class VnlValueType , class PointsContainer > | |
void | UtlMatrixToPointsContainer (const NDArray< VnlValueType, 2 > &matrix, PointsContainer &points) |
template<class T > | |
void | UtlMatrixToVnlMatrix (const NDArray< T, 2 > &mat, vnl_matrix< T > &matVnl) |
template<class T > | |
vnl_matrix< T > | UtlMatrixToVnlMatrix (const NDArray< T, 2 > &mat) |
const char * | utlOption (const char *const name, const unsigned int argc, char **argv, const char *const defaut, const char *const usage=NULL) |
bool | utlOption (const char *const name, const unsigned int argc, char **argv, const bool defaut, const char *const usage=NULL) |
int | utlOption (const char *const name, const unsigned int argc, char **argv, const int defaut, const char *const usage=NULL) |
char | utlOption (const char *const name, const unsigned int argc, char **argv, const char defaut, const char *const usage=NULL) |
double | utlOption (const char *const name, const unsigned int argc, char **argv, const double defaut, const char *const usage=NULL) |
template<class T > | |
std::vector< T > | UtlVectorToStdVector (const NDArray< T, 1 > &vec) |
template<class T > | |
itk::VariableLengthVector< T > | UtlVectorToVariableLengthVector (const NDArray< T, 1 > &vec) |
template<class T > | |
vnl_vector< T > | UtlVectorToVnlVector (const NDArray< T, 1 > &vec) |
template<typename T > | |
void | vAbs (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vAdd (int n, T *vecIn, T *vecIn2, T *vecOut) |
template<class T > | |
NDArray< T, 1 > | VariableLengthVectorToUtlVector (const itk::VariableLengthVector< T > &vec) |
template<typename T > | |
void | vCos (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vDiv (int n, T *vecIn, T *vecIn2, T *vecOut) |
template<class VectorType > | |
void | VectorShrinkage (VectorType &vec, const int N, const double kappa) |
template<class T1 , class T2 > | |
void | VectorToVector (const T1 &v1, T2 &v2, const int N) |
template<typename T > | |
void | vExp (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vInv (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vInvSqrt (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vMul (int n, T *vecIn, T *vecIn2, T *vecOut) |
template<class T > | |
void | VnlMatrixToUtlMatrix (const vnl_matrix< T > &mat, utl::NDArray< T, 2 > &matUtl) |
template<class T , unsigned rows, unsigned cols> | |
void | VnlMatrixToUtlMatrix (const vnl_matrix_fixed< T, rows, cols > &mat, utl::NDArray< T, 2 > &matUtl) |
template<class T > | |
utl::NDArray< T, 2 > | VnlMatrixToUtlMatrix (const vnl_matrix< T > &mat) |
template<class T > | |
std::vector< T > | VnlVectorToStdVector (const vnl_vector< T > &vec) |
template<class T > | |
utl::NDArray< T, 1 > | VnlVectorToUtlVector (const vnl_vector< T > &vec) |
template<typename T > | |
void | vSin (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vSqr (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vSqrt (int n, T *vecIn, T *vecOut) |
template<typename T > | |
void | vSub (int n, T *vecIn, T *vecIn2, T *vecOut) |
double | w_im (double x) |
static double | w_im_y100 (double y100, double x) |
template<typename WriterType > | |
void | WriteVTK (vtkPolyData *mesh, const std::string &filename) |
void | WriteVtkPolyData (vtkPolyData *mesh, const std::string &filename) |
std::string | ZeroPad (const unsigned int number, const unsigned int paddedLength) |
Variables | |
static const double | BesselJPrimeZerosOrder1 [60] |
static const double | BesselJPrimeZerosTable [] |
static const std::string | DirectionsT1 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t1.txt" ) |
static const std::string | DirectionsT2 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t2.txt" ) |
static const std::string | DirectionsT3 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t3.txt" ) |
static const std::string | DirectionsT4 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t4.txt" ) |
static const std::string | DirectionsT5 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t5.txt" ) |
static const std::string | DirectionsT6 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t6.txt" ) |
static const std::string | DirectionsT7 = std::string( "/home/jcheng/.dmritool/Data/Tessellation/directions_t7.txt" ) |
static constexpr double | E = 2.71828182845904523536028747135 |
static const unsigned long | FactorialTable [21] |
static const double | GammaHalfIntegerTable [30] |
static const std::string | GradientsElec = std::string( "/home/jcheng/.dmritool/Data/ElectricRepulsion" ) |
static const std::string | LearnedSPFDictionary_SH8_RA4_K250 = std::string( "/home/jcheng/.dmritool/Data/PreComputedTables/SPFDictionary_sh8_ra4_eps0.0001_iter10000_online_iso2_k250_md5_fa10_mdiso10x321.txt" ) |
static const std::string | LearnedSPFEnergy_SH8_RA4_K250 = std::string( "/home/jcheng/.dmritool/Data/PreComputedTables/SPFEnergy_sh8_ra4_eps0.0001_iter10000_online_iso2_k250_md5_fa10_mdiso10x321.txt" ) |
static constexpr double | LOG10E = 0.43429448190325182765112891892 |
static constexpr double | LOG2E = 1.44269504088896340735992468100 |
static int | LogLevel =LOG_NORMAL |
static constexpr double | PI = 3.14159265358979323846264338328 |
static constexpr double | PI_2 = 1.57079632679489661923132169164 |
static constexpr double | PI_4 = 0.78539816339744830961566084582 |
static const std::string | SH3Itegralhdr = std::string( "/home/jcheng/.dmritool/Data/PreComputedTables/sh3integral.hdr" ) |
static constexpr double | SQRT1_2 = 0.70710678118654752440084436210 |
static constexpr double | SQRT2 = 1.41421356237309504880168872421 |
static constexpr double | SQRT3 = 1.73205080756887729352744634151 |
static constexpr double | SQRTPI = 1.77245385090551602729816748334 |
using utl::common_type_t = typedef typename ::std::common_type<T...>::type |
Definition at line 45 of file utlTypeinfo.h.
using utl::conditional_t = typedef typename ::std::conditional<B,T,F>::type |
Definition at line 33 of file utlTypeinfo.h.
using utl::remove_complex_t = typedef typename remove_complex<T>::type |
Definition at line 67 of file utlTypeinfo.h.
using utl::remove_const_t = typedef typename ::std::remove_const<T>::type |
Definition at line 36 of file utlTypeinfo.h.
using utl::remove_reference_t = typedef typename ::std::remove_reference<T>::type |
Definition at line 39 of file utlTypeinfo.h.
using utl::superset_t = typedef typename Superset<T,t>::type |
Definition at line 76 of file utlTypeinfo.h.
|
inline |
Definition at line 1673 of file utlCore.h.
References spams::abs().
Referenced by GetAbsoluteVector().
|
inline |
Definition at line 1552 of file utlCore.h.
References GaussRand(), and RicianRand().
Referenced by AddNoise().
|
inline |
Definition at line 1570 of file utlCore.h.
References AddNoise().
|
inline |
Definition at line 222 of file utlCore.h.
References max_element().
Referenced by utl::NDArrayBase< T, 4 >::MaxValue().
|
inline |
calculate indices of the first two largest elements
Definition at line 234 of file utlCore.h.
References max().
Referenced by itk::SamplingSchemeQSpace1OptEstimationFilter< TSamplingType >::GenerateData().
|
inline |
|
inline |
|
inline |
Definition at line 212 of file utlCore.h.
References min_element().
Referenced by itk::SamplingSchemeQSpaceIMOCEstimationFilter< TSamplingType >::IsSatisfiedSeparationAngles(), and utl::NDArrayBase< T, 4 >::MinValue().
|
inline |
|
inline |
void utl::AxisAngleToRotationMatrix | ( | const NDArray< T, 1 > & | axis, |
const double | theta, | ||
NDArray< T, 2 > & | rotMat | ||
) |
Convert a set of axis and angle to a rotation matrix.
reference: axang2rotm in Matlab. https://en.wikipedia.org/wiki/Rotation_matrix
Definition at line 1231 of file utlNDArrayFunctions.h.
Referenced by RotationMatrixToAxisAngle().
|
inline |
http://en.wikipedia.org/wiki/Spherical_coordinate_system
Definition at line 1579 of file utlCore.h.
References M_EPS.
Referenced by cartesian2Spherical(), CartesianToSpherical(), and ReadGrad().
|
inline |
Definition at line 1593 of file utlCore.h.
References cartesian2Spherical().
Definition at line 133 of file utlNDArrayFunctions.h.
References cartesian2Spherical(), utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::Rows(), and utlAssert.
Referenced by callFunction(), ComputeSHMatrix(), utl::GradientTable< T >::GetGrad(), and itk::SamplingScheme3D< TPixelType >::GetOrientationsSpherical().
Referenced by itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::EvaluateCostFunction(), utl::NDArrayBase< T, 4 >::GetZeroNorm(), spams::Matrix< T >::whiten(), and spams::Vector< T >::whiten().
Definition at line 229 of file utlBlas.h.
References cblas_dzasum().
Definition at line 234 of file utlBlas.h.
References cblas_scasum().
|
inline |
Definition at line 219 of file utlBlas.h.
References cblas_dasum().
|
inline |
Definition at line 224 of file utlBlas.h.
References cblas_sasum().
|
inline |
Definition at line 413 of file utlBlas.h.
Referenced by utl::NDArrayBase< T, 4 >::Scale().
|
inline |
copy from one vector to another vector
Referenced by spams::coreGroupIST(), spams::coreGroupISTConstrained(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Iterate(), MatrixCopy(), and utl::NDArray< T, 1 >::NDArray().
|
inline |
Definition at line 260 of file utlBlas.h.
References cblas_dcopy().
|
inline |
Definition at line 265 of file utlBlas.h.
References cblas_scopy().
|
inline |
Definition at line 270 of file utlBlas.h.
References cblas_zcopy().
|
inline |
Definition at line 275 of file utlBlas.h.
References cblas_ccopy().
|
inline |
dot product between two vectors
Referenced by spams::coreGroupIST(), and spams::coreGroupISTConstrained().
|
inline |
Definition at line 241 of file utlBlas.h.
References cblas_ddot().
|
inline |
Definition at line 246 of file utlBlas.h.
References cblas_sdot().
|
inline |
Definition at line 252 of file utlBlas.h.
References cblas_zdotc_sub().
|
inline |
template function definitions. Level 3 Matrix-matrix product of general matrices
|
inline |
Definition at line 363 of file utlBlas.h.
References cblas_dgemm().
|
inline |
Definition at line 368 of file utlBlas.h.
References cblas_sgemm().
|
inline |
Definition at line 373 of file utlBlas.h.
References cblas_zgemm().
|
inline |
Matrix-vector product of general matrices.
|
inline |
Definition at line 338 of file utlBlas.h.
References cblas_dgemv().
|
inline |
Definition at line 343 of file utlBlas.h.
References cblas_sgemv().
|
inline |
Definition at line 348 of file utlBlas.h.
References cblas_zgemv().
|
inline |
Definition at line 353 of file utlBlas.h.
References cblas_cgemv().
|
inline |
template function definitions. Level 2 out-product of two vectors.
Referenced by spams::coreGroupIST(), and spams::coreGroupISTConstrained().
|
inline |
Definition at line 321 of file utlBlas.h.
References cblas_dger().
|
inline |
Definition at line 316 of file utlBlas.h.
References cblas_sger().
interface to cblas_i*amax
template function definitions. Level 1
Definition at line 183 of file utlBlas.h.
References spams::abs(), and max_element().
|
inline |
function implementations using double and float
Definition at line 127 of file utlBlas.h.
References cblas_idamax(), and CBLAS_INDEX.
|
inline |
Definition at line 132 of file utlBlas.h.
References CBLAS_INDEX, and cblas_isamax().
|
inline |
Definition at line 137 of file utlBlas.h.
References CBLAS_INDEX, and cblas_izamax().
|
inline |
Definition at line 142 of file utlBlas.h.
References cblas_icamax(), cblas_idamin(), CBLAS_INDEX, and cblas_isamin().
interface to cblas_i*amin
Definition at line 170 of file utlBlas.h.
References spams::abs(), CBLAS_INDEX, and min_element().
Referenced by utl::NDArrayBase< T, 4 >::AbsoluteMinValue().
Referenced by spams::coreGroupIST(), spams::coreGroupISTConstrained(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::EvaluateCostFunction(), utl::NDArrayBase< T, 4 >::GetSquaredTwoNorm(), and itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::HistoryUpdateAndConvergenceCheck().
Definition at line 208 of file utlBlas.h.
References cblas_dznrm2().
Definition at line 213 of file utlBlas.h.
References cblas_scnrm2().
|
inline |
Definition at line 198 of file utlBlas.h.
References cblas_dnrm2().
|
inline |
Definition at line 203 of file utlBlas.h.
References cblas_snrm2().
|
inline |
Computes the product of a vector by a scalar. x = a*x
Referenced by spams::coreGroupIST(), and spams::coreGroupISTConstrained().
|
inline |
Definition at line 292 of file utlBlas.h.
References cblas_dscal().
Referenced by itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Iterate().
|
inline |
Definition at line 297 of file utlBlas.h.
References cblas_sscal().
|
inline |
Definition at line 302 of file utlBlas.h.
References cblas_zscal().
|
inline |
Definition at line 307 of file utlBlas.h.
References cblas_cscal().
|
inline |
swap two vectors
|
inline |
Definition at line 281 of file utlBlas.h.
References cblas_dswap().
|
inline |
Definition at line 286 of file utlBlas.h.
References cblas_sswap().
|
inline |
out-product of one vector.
|
inline |
Definition at line 332 of file utlBlas.h.
References cblas_dsyr().
|
inline |
Definition at line 327 of file utlBlas.h.
References cblas_ssyr().
|
inline |
Rank-k update—multiplies a symmetric matrix by its transpose and adds a second matrix.
|
inline |
Definition at line 379 of file utlBlas.h.
References cblas_dsyrk().
|
inline |
Definition at line 384 of file utlBlas.h.
References cblas_ssyrk().
|
inline |
get a scalar from a struct
Definition at line 300 of file mexutils.h.
|
inline |
Check the size of a 2D-array.
Definition at line 79 of file mexutils.h.
NDArray<std::complex<T>, Dim> utl::ComplexCombine | ( | const NDArray< T, Dim > & | arrReal, |
const NDArray< T, Dim > & | arrImg | ||
) |
generate complex array from real and imaginary parts
Definition at line 1089 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape(), IsSameShape(), and utlException.
NDArray<std::complex<T>, Dim> utl::ComplexCombine | ( | const T | val, |
const NDArray< T, Dim > & | arrImg | ||
) |
generate complex array from imaginary part, if val==0
Definition at line 1102 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape().
NDArray<std::complex<T>, Dim> utl::ComplexCombine | ( | const NDArray< T, Dim > & | arrReal, |
const T | val | ||
) |
generate complex array from real part, if val==0
Definition at line 1114 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape().
|
inline |
Definition at line 1977 of file utlCore.h.
References COLUMN_MAJOR, ComputeOffsetTable(), ROW_MAJOR, and utlException.
|
inline |
Definition at line 1946 of file utlCore.h.
References COLUMN_MAJOR, ComputeOffsetTable(), ROW_MAJOR, and utlException.
|
inline |
Definition at line 1915 of file utlCore.h.
References COLUMN_MAJOR, ROW_MAJOR, and utlException.
Referenced by itk::SpatiallyDenseSparseVectorImage< TValueType, VImageDimension, TKeyType >::Allocate(), ComputeNDArrayIndex(), ComputeNDArrayOffset(), and itk::SpatiallyDenseSparseVectorImage< TValueType, VImageDimension, TKeyType >::SetBufferedRegion().
|
inline |
generate SH basis with given rank and the gradients
Definition at line 171 of file utl.h.
References CARTESIAN_TO_SPHERICAL, CartesianToSpherical(), utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::Rows(), SPHERICAL_TO_SPHERICAL, utlException, and utlGlobalException.
Referenced by itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), callFunction(), itk::GeneralizedHighOrderTensorImageFilter< TInputImage, TOutputImage >::ComputeBasisMatrix(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeBasisMatrix(), itk::MeshFromSHCoefficientsImageFilter< TInputImage, TOutputMesh >::ComputeBasisMatrix(), itk::DiffusionModelEstimationInSphericalCoordinateImageFilter< TInputImage, TOutputImage >::ComputeSHMatrix(), itk::SHCoefficientsRotation< T >::GetRotatedSHCoefficients(), itk::SHCoefficientsRotation< T >::Initialize(), itk::Functor::SHCoefficientsFit< T >::Initialize(), main(), and PrintImage().
NDArray<T,2> utl::ConnectUtlMatrix | ( | const NDArray< T, 2 > & | m1, |
const NDArray< T, 2 > & | m2, | ||
const bool | isConnectRow | ||
) |
Definition at line 1033 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::Rows(), and utlException.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SamplingSchemeQSpaceIncrementalEstimationFilter< TSamplingType >::Initialization(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
NDArray<T,1> utl::ConnectUtlVector | ( | const NDArray< T, 1 > & | m1, |
const NDArray< T, 1 > & | m2 | ||
) |
Definition at line 1020 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Size().
void utl::ConnectVector | ( | std::vector< T > & | vec1, |
const std::vector< T > & | vec2 | ||
) |
|
inline |
Definition at line 386 of file utlDMRI.h.
References ConvertTensor6DTo9D(), utl::NDArray< T, 2 >::ReSize(), utl::NDArrayBase< T, Dim >::Size(), TENSOR_EMBED6D, and utlException.
Referenced by utl::NDArray< T, 4 >::EigenDecompositionWithMinorSymmetry().
|
inline |
The function only works for 2th order tensors which are in 3D and are symmetric.
Definition at line 377 of file utlDMRI.h.
References utl::NDArray< T, 2 >::Cols(), ConvertTensor9DTo6D(), utl::NDArray< T, 1 >::ReSize(), utl::NDArray< T, 2 >::Rows(), TENSOR_EMBED6D, and utlException.
|
inline |
Definition at line 213 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArray< T, 4 >::ReSize(), utl::NDArray< T, 2 >::Rows(), SQRT1_2, and utlException.
|
inline |
The function only works for 4th order tensors which are in 3D space and have minor symmetry.
When is minor symmetric, it can be mapped to a 2D matrix
Definition at line 194 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape(), utl::NDArray< T, 2 >::ReSize(), SQRT2, and utlException.
Referenced by utl::NDArray< T, 4 >::EigenDecompositionWithMinorSymmetry().
|
inline |
convert number to string
Definition at line 740 of file utlCore.h.
Referenced by callFunction(), ImageMath(), main(), and itk::SamplingSchemeQSpaceWriter< TSamplingType >::Update().
|
inline |
convert sparse matrix to Matlab sparse matrix
Definition at line 236 of file mexutils.h.
Referenced by callFunction().
|
inline |
void utl::ConvertTensor6DTo6D | ( | const V1Type & | v6d1, |
V2Type & | v6d2, | ||
int | s1, | ||
int | s2 | ||
) |
Definition at line 359 of file utlDMRI.h.
References ConvertTensor6DTo9D(), and ConvertTensor9DTo6D().
Referenced by main().
void utl::ConvertTensor6DTo9D | ( | const V1Type & | v6d, |
V2Type & | v9d, | ||
int | v6dStoreWay | ||
) |
Covert 6D tensor format to 9D format (3x3 symmetric matrix). v9d is in ROW_MAJOR.
Definition at line 257 of file utlDMRI.h.
References SQRT1_2, TENSOR_DIAGONAL_FIRST, TENSOR_EMBED6D, TENSOR_LOWER_TRIANGULAR, TENSOR_UPPER_TRIANGULAR, and utlException.
Referenced by Convert1To2Tensor(), ConvertTensor6DTo6D(), itk::MeshFromTensorImageFilter< TInputImage, TOutputMesh >::GenerateData(), main(), and PrintImage().
void utl::ConvertTensor9DTo6D | ( | const V1Type & | v9d, |
V2Type & | v6d, | ||
int | v6dStoreWay | ||
) |
Covert 9D tensor format to 6D format (3x3 symmetric matrix). v9d is in ROW_MAJOR.
Definition at line 315 of file utlDMRI.h.
References SQRT2, TENSOR_DIAGONAL_FIRST, TENSOR_EMBED6D, TENSOR_LOWER_TRIANGULAR, TENSOR_UPPER_TRIANGULAR, and utlException.
Referenced by Convert2To1Tensor(), ConvertTensor6DTo6D(), and main().
|
inline |
change // to /, and escape any spaces in the path
Definition at line 411 of file utlCore.h.
Referenced by CreateExpandedPath().
|
inline |
convert windows slashes to unix slashes
Definition at line 442 of file utlCore.h.
References ReplaceString().
Referenced by CreateExpandedPath().
|
inline |
remove double slashes not at the start
Definition at line 361 of file utlCore.h.
Referenced by CreateExpandedPath().
std::string utl::ConvertVectorToString | ( | VectorType | vec, |
const int | N, | ||
const char * | separate = " " |
||
) |
|
inline |
convert a char array to a string vector
Definition at line 605 of file utlCore.h.
Referenced by itk::GetPropertyNames(), itk::GetScalarNames(), itk::FiberTracts< TValue >::RemovePropertiesByName(), and itk::FiberTracts< TValue >::RemoveScalarsByName().
|
inline |
|
inline |
Create a h x w x V x dim image.
Referenced by CreateImage< float >().
|
inline |
Definition at line 195 of file mexutils.h.
References CreateImage< double >().
|
inline |
Definition at line 211 of file mexutils.h.
References CreateImage< float >().
void utl::CreateCopySparse | ( | T *& | alpha_v2, |
int *& | alpha_r2, | ||
int *& | alpha_pB2, | ||
int *& | alpha_pE2, | ||
double * | alpha_v, | ||
mwSize * | alpha_r, | ||
mwSize * | alpha_pB, | ||
mwSize * | alpha_pE, | ||
int | M | ||
) |
Create a sparse copy of an array. Useful to deal with non-standard sparse matlab matrices
Definition at line 91 of file mexutils.h.
|
inline |
Definition at line 509 of file utlCore.h.
References ConvertToUnixOutputPath(), ConvertToUnixSlashes(), and ConvertToWindowsOutputPath().
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight(), utl::GradientTable< T >::Initialize(), and ReadGradElectricRepulsion().
|
inline |
Create a h x w x V image.
Referenced by CreateMatrix< float >().
|
inline |
Create a h x w x V double image.
Definition at line 159 of file mexutils.h.
References CreateMatrix< double >().
Referenced by Create4DImage< double >().
|
inline |
Create a h x w x V float image.
Definition at line 175 of file mexutils.h.
References Create4DImage(), and CreateMatrix< float >().
Referenced by Create4DImage< float >().
|
inline |
Create a m x n matrix.
Referenced by DeleteCopySparse().
|
inline |
Create a m x n double matrix.
Definition at line 139 of file mexutils.h.
Referenced by CreateImage< double >(), GetMXArrayFromSTDVector(), GetMXArrayFromUtlMatrix(), GetMXArrayFromUtlVector(), GetMXArrayFromVNLMatrix(), and GetMXArrayFromVNLVector().
|
inline |
Create a m x n float matrix.
Definition at line 147 of file mexutils.h.
References CreateImage().
Referenced by CreateImage< float >().
|
inline |
Create a scalar.
Definition at line 228 of file mexutils.h.
|
inline |
Delete a sparse matrix which has been created using createCopySparse.
Definition at line 116 of file mexutils.h.
References CreateMatrix().
|
inline |
Definition at line 114 of file utlTypeinfo.h.
Referenced by TypeName().
NDArray<T,1> utl::DifferenceOfDirection | ( | const NDArray< T, 1 > | v1, |
const NDArray< T, 1 > & | v0 | ||
) |
Definition at line 832 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetTwoNorm().
|
inline |
get the maximal rank of spherical harmonic coefficient vector with a given dimension
Definition at line 182 of file utlDMRI.h.
References IsEven(), IsInt(), and utlGlobalAssert.
Referenced by itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::MeshFromSHCoefficientsImageFilter< TInputImage, TOutputMesh >::ComputeBasisMatrix(), itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::GenerateOutputInformation(), itk::SHCoefficientsRotation< T >::GetRotatedSHCoefficients(), main(), itk::Functor::SHCoefficientsPower< TInput, TOutput >::operator()(), PrintImage(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration().
|
inline |
. No conjugate for complex values.
Definition at line 683 of file utlNDArrayFunctions.h.
References InnerProduct(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 691 of file utlNDArrayFunctions.h.
References cblas_zdotu_sub(), and utlSAException.
NDArray<T,Dim> utl::Eval | ( | const Expr< EType, typename EType::ValueType > & | expr | ) |
Definition at line 56 of file utlNDArrayFunctions.h.
utl::NDArray<T,2> utl::Eye | ( | const int | n, |
const T | val = 1.0 |
||
) |
Definition at line 286 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Fill(), and utl::NDArray< T, 2 >::FillDiagonal().
|
inline |
Definition at line 1236 of file utlCore.h.
Referenced by SeparateVector().
|
inline |
NDArray<T,2> utl::FlipOrientations | ( | const NDArray< T, 2 > & | in, |
const std::vector< int > & | flip | ||
) |
Definition at line 152 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::Rows(), and utlAssert.
Referenced by itk::MeshFromSHCoefficientsImageFilter< TInputImage, TOutputMesh >::ComputeBasisMatrix(), itk::MeshFromSphericalFunctionTessellatedSamplesImageFilter< TInputImage, TOutputMesh >::ComputeBasisMatrix(), and itk::DiscreteBasisMatrixGenerator< TElement >::Flip().
void utl::FlipVector | ( | T1 & | vec, |
const T2 & | flip, | ||
const int | N | ||
) |
Definition at line 1690 of file utlCore.h.
Referenced by itk::MeshFromFiberTractsFilter::Update().
|
inline |
Generate random value from Gaussian distribution. http://en.wikipedia.org/wiki/Gaussian_random_variable#Generating_values_from_normal_distribution
Definition at line 1504 of file utlCore.h.
References M_PI.
Referenced by AddNoise(), and RicianRand().
|
inline |
geev_UtlMatrix calculate non-symmetric eigen-decomposition.
mat | matrix with size NxN. |
valReal | real part of right eigen-values. |
valImg | imginary part of right eigen-values. |
vecRealR | real part of right eigen-vectors. |
vecImgR | part of right eigen-vectors. |
vecRealL | real part of left eigen-vectors. |
vecImgL | part of left eigen-vectors. |
template <class T> inline void geev_UtlMatrix ( const NDArray<T,2>& mat, NDArray<T,1>& valReal, NDArray<T,1>& valImg);
template <class T> inline void geev_UtlMatrix ( const NDArray<T,2>& mat, NDArray<T,1>& valReal, NDArray<T,1>& valImg, NDArray<T,2>& vecRealR, NDArray<T,2>& vecImgR);
template <class T> inline void geev_UtlMatrix ( const NDArray<T,2>& mat, NDArray<T,1>& valReal, NDArray<T,1>& valImg, NDArray<T,2>& vecRealR, NDArray<T,2>& vecImgR, NDArray<T,2>& vecRealL, NDArray<T,2>& vecImgL);
http://www.netlib.org/lapack/explore-html/d9/d8e/group__double_g_eeigen_ga8ec1625302675b981eb34ed024b27a47.html http://www.netlib.org/lapack/lug/node31.html
Definition at line 476 of file utlNDArrayFunctions.h.
Referenced by utl::NDArray< T, 2 >::EigenDecompositionNonSymmetricMatrix().
|
inline |
Definition at line 476 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 476 of file utlNDArrayFunctions.h.
|
inline |
http://www.netlib.org/lapack/explore-html/d7/d2b/dgemm_8f.html https://developer.apple.com/library/mac/documentation/Accelerate/Reference/BLAS_Ref/Reference/reference.html
define several functions.
template <class T> inline bool gemm_UtlMatrixTimesMatrix(const bool bATrans, const bool bBTrans, const T alpha, const utl::NDArray<T,2>& a, const utl::NDArray<T,2>& b, const T beta, utl::NDArray<T,2>& c);
template <class T> inline void ProductUtlMM(const utl::NDArray<T,2>& A, const utl::NDArray<T,2>& B, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlMMt(const utl::NDArray<T,2>& A, const utl::NDArray<T,2>& B, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlMtM(const utl::NDArray<T,2>& A, const utl::NDArray<T,2>& B, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlMtMt(const utl::NDArray<T,2>& A, const utl::NDArray<T,2>& B, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlMM(const utl::NDArray<T,2>& A1, const utl::NDArray<T,2>& A2, const utl::NDArray<T,2>& A3, utl::NDArray<T,2>& C);
template <class T> inline void ProductUtlMM(const utl::NDArray<T,2>& A1, const utl::NDArray<T,2>& A2, const utl::NDArray<T,2>& A3, const utl::NDArray<T,2>& A4, utl::NDArray<T,2>& C);
template <class T> inline void ProductUtlMM(const utl::NDArray<T,2>& A1, const utl::NDArray<T,2>& A2, const utl::NDArray<T,2>& A3, const utl::NDArray<T,2>& A4, const utl::NDArray<T,2>& A5, utl::NDArray<T,2>& C);
Definition at line 423 of file utlNDArrayFunctions.h.
|
inline |
http://www.netlib.org/lapack/explore-html/d7/d2b/dgemm_8f.html https://developer.apple.com/library/mac/documentation/Accelerate/Reference/BLAS_Ref/Reference/reference.html
define several functions.
template <class T> inline bool gemv_UtlMatrixTimesVector(const bool bATrans, const T alpha, const utl::NDArray<T,2>& A, const utl::NDArray<T,1>& X, const T beta, utl::NDArray<T,1>& Y);
template <class T> inline void ProductUtlMv(const utl::NDArray<T,2>& A, const utl::NDArray<T,1>& b, utl::NDArray<T,1>& c, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlMtv(const utl::NDArray<T,2>& A, const utl::NDArray<T,1>& b, utl::NDArray<T,1>& c, const double alpha=1.0, const double beta=0.0);
Definition at line 360 of file utlNDArrayFunctions.h.
|
inline |
dgesdd_UtlMatrix dgesdd is faster than dgesvd. http://www.netlib.org/lapack/explore-html/db/db4/dgesdd_8f.html http://www.netlib.org/lapack/lug/node71.html
mat | matrix with size MxN. |
U | left singular vectors. If format is 'A', U is MxM matrix. If format is 'S', U size is M x min(M,N) |
s | singular values with size min(M,N). Sored in decreasing order. |
V | right singular vectors. If format is 'A', V size is NxN. If format is 'S', V size is N x min(M,N) |
format | 'S' or 'A'. 'A' means full size, 'S' means reduced size. |
Definition at line 620 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), gesdd(), utl::NDArrayBase< T, Dim >::GetData(), utl::NDArray< T, 2 >::GetTranspose(), min(), utl::NDArray< T, 2 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utlException, and utlGlobalException.
Referenced by utl::NDArray< T, 2 >::SVD().
|
inline |
dgesvd_UtlMatrix
mat | matrix with size MxN. |
U | left singular vectors. If format is 'A', U is MxM matrix. If format is 'S', U size is M x min(M,N) |
s | singular values with size min(M,N). Sored in decreasing order. |
V | right singular vectors. If format is 'A', V size is NxN. If format is 'S', V size is N x min(M,N) |
format | 'S' or 'A'. 'A' means full size, 'S' means reduced size. |
Definition at line 566 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArrayBase< T, Dim >::GetData(), utl::NDArray< T, 2 >::GetTranspose(), min(), utl::NDArray< T, 2 >::ReSize(), utl::NDArray< T, 1 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utlException, and utlGlobalException.
|
inline |
Definition at line 1681 of file utlCore.h.
References AbsoluteVector().
|
inline |
Definition at line 333 of file mexutils.h.
Referenced by callFunction().
|
inline |
Definition at line 114 of file utlCoreMacro.h.
References COLOR_BLACK, COLOR_BLUE, COLOR_BOLD, COLOR_CYAN, COLOR_GREEN, COLOR_PURPLE, COLOR_RED, COLOR_WHITE, and COLOR_YELLOW.
Referenced by utlOption().
|
inline |
Get statistics (min, max, mean, std) from a given range of values.
Definition at line 921 of file utlCore.h.
Referenced by itk::Fiber< TValue >::GetPointDistanceStats(), itk::FiberTracts< TValue >::GetPointStats(), GetVnlMatrixStats(), GetVnlVectorStats(), PrintContainer(), itk::PrintImage4D(), PrintMatrix(), PrintMatrixStats(), itk::PrintVariableLengthVector(), PrintVector(), itk::PrintVectorImage(), and processOrientation().
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
utl::Matrix<T> utl::GetDTIDesignMatrix | ( | const utl::Matrix< T > & | gradMat, |
const std::vector< T > & | bVec, | ||
int | dwi_normalize | ||
) |
Get design matrix for DTI from gradient matrix and b values.
gradMat | Nx3 gradient matrix in cartesian format. |
dwi_normalize | whether DWI samples are normalized using the b0 image. For normalized DWI samples, b0 is not needed to re-estimated. |
Definition at line 583 of file utlDMRI.h.
References DWI_NONORMALIZE, DWI_NORMALIZE, utl::NDArray< T, 2 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utlException, and utlSAException.
std::vector<T> utl::GetE1E2FromFAMD | ( | const T | fa, |
const T | meanEigenValue, | ||
const bool | isE2E3Equal = true |
||
) |
If isE2E3Equal==true, for symmetric tensor with eigenvalues (e1,e2,e2), get (e1,e2) from the fa and (e1+e2+e2)/3. If isE2E3Equal==false, for symmetric tensor with eigenvalues (e1,e1,e2), get (e1,e2) from the fa and (e1+e1+e2)/3.
Definition at line 235 of file utlDMRI.h.
References SQRT2, and utlSAException.
Referenced by main().
void utl::GetEqualityConstraintProjection | ( | const NDArray< T, 2 > & | Aeq, |
const NDArray< T, 1 > & | beq, | ||
const NDArray< T, 2 > & | QInverse, | ||
NDArray< T, 2 > & | projMatrix, | ||
NDArray< T, 1 > & | projVector | ||
) |
Definition at line 1126 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::GetTranspose(), PInverseSymmericMatrix(), ProductUtlMM(), ProductUtlMv(), utl::NDArray< T, 2 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utl::NDArray< T, 2 >::SetIdentity(), and utlException.
|
inline |
Definition at line 537 of file utlDMRI.h.
References GetFileExtension(), TRACTS_TCK, TRACTS_TRK, TRACTS_UNKNOWN, TRACTS_VTK, and utlGlobalException.
Referenced by itk::FiberTractsReader::Update().
|
inline |
Definition at line 520 of file utlDMRI.h.
References GetFileExtension(), TRACTS_TCK, TRACTS_TRK, TRACTS_UNKNOWN, and TRACTS_VTK.
Referenced by itk::FiberTractsWriter::Update().
|
inline |
GetFileExtension("/home/dwi.hdr", ext, file) will get ext=="hdr" and file=="/home/dwi"
Definition at line 559 of file utlCore.h.
Referenced by callFunction(), GetFiberTractsFormat(), GetFiberTractsFormatFromFileExtension(), itk::IsSparseImage(), main(), itk::SamplingSchemeQSpaceWriter< TSamplingType >::Update(), itk::DWIWriter< TPixelType, VImageDimension >::WriteToConfigurationFile(), and WriteVtkPolyData().
|
inline |
get SH index j from given rank (l,m). [0, -2,-1,0,1,2, -4,-3,-2,-1,0,1,2,3,4, ...]
Definition at line 204 of file utlDMRI.h.
Referenced by ComputeDWISHCoefficientsForGPDCylinder(), ComputeOrientationalOrderFromSHCoefficients(), DoMain(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::GetIndexJ(), GetSymmetricTensorSHCoef(), GetSymmetricTensorSHCoefDerivative(), main(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration().
|
inline |
get rank index (l,m) from given linear index j. [0, -2,-1,0,1,2, -4,-3,-2,-1,0,1,2,3,4, ...]
Definition at line 211 of file utlDMRI.h.
References IsOdd().
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::GetIndexNLM(), itk::Functor::SHCoefficientsFit< T >::Initialize(), and InitializeSHTripleIntegrationTable().
utl::NDArray<T,2> utl::GetMeanOfRotationMatrix | ( | const std::vector< NDArray< T, 2 > > & | matrixVec, |
const utl::NDArray< T, 1 > & | weights | ||
) |
Mean of rotation matrices.
Reference: Rotation Averaging, International journal of computer vision, 2013
Definition at line 1151 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetTwoNorm(), utl::NDArray< T, 2 >::LogM(), ProductUtlMtM(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
Referenced by GetMeanOfRotationMatrix().
utl::NDArray<T,2> utl::GetMeanOfRotationMatrix | ( | const std::vector< NDArray< T, 2 > > & | matrixVec | ) |
Definition at line 1183 of file utlNDArrayFunctions.h.
References GetMeanOfRotationMatrix(), and utlSAException.
|
inline |
convert a std::vector to a colume vector
Definition at line 57 of file mexSTD.h.
References CreateMatrix< double >(), and utlException.
|
inline |
Definition at line 50 of file utlMEX.h.
References utl::NDArray< T, 2 >::Columns(), CreateMatrix< double >(), and utl::NDArray< T, 2 >::Rows().
Referenced by callFunction().
|
inline |
Definition at line 82 of file utlMEX.h.
References CreateMatrix< double >(), and utl::NDArrayBase< T, Dim >::Size().
|
inline |
Definition at line 49 of file mexVNL.h.
References CreateMatrix< double >().
|
inline |
Definition at line 81 of file mexVNL.h.
References CreateMatrix< double >().
|
inline |
Get number of arguments.
Definition at line 53 of file utlCore11.h.
int utl::GetNumberOfNonZeroValues | ( | IteratorType | v, |
IteratorType | v2, | ||
const double | threshold = 1e-6 |
||
) |
Definition at line 986 of file utlCore.h.
References spams::abs().
|
inline |
path with the last "/" http://www.cplusplus.com/reference/string/string/find_last_of/ GetPath("/home/my.cpp", path, file) will get path=="/home/", file=="my.cpp"
Definition at line 550 of file utlCore.h.
Referenced by itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile(), and itk::DWIWriter< TPixelType, VImageDimension >::WriteToConfigurationFile().
|
inline |
Definition at line 1642 of file utlCore.h.
Referenced by itk::SHCoefficientsRotation< T >::GetRotatedSHCoefficients().
|
inline |
geev_UtlMatrix calculate inverse of a general matrix via LU decomposition.
template <class T> inline void getri_UtlMatrix(const NDArray<T,2>& mat, NDArray<T,2>& result);
Definition at line 487 of file utlNDArrayFunctions.h.
Referenced by InverseMatrix().
|
inline |
convert a string to std::function which maps T to T. Example: "cos(x)+ 2*x+ x^3", "if (x>3) 2; else 1;"
NOTE: it is slow if it is called for many times. It is better to put symbol_table, expression, and parser definition outside of the loop.
Definition at line 29 of file utlExprtk.h.
|
inline |
Get scalar vector by its name. The name-dimention map is in vectorNameDimMap
Definition at line 115 of file utlDMRI.h.
References GetScalarsDimentionByName().
|
inline |
We define a name of scalar vector with its dimension, if the dimension is not 1. For example, the name "frame_9" means a frame with 9 dimensions. The name "orientational order" means a scalar value with 1 dimension. It is used to determine the dimension of scalars in a fiber track.
Definition at line 93 of file utlDMRI.h.
References IsInt().
Referenced by itk::GetDimensionOfProperties(), itk::GetDimensionOfScalars(), GetScalarsByName(), RemoveScalarsByName(), and SetScalarsByName().
|
inline |
get a scalar from a struct
Definition at line 252 of file mexutils.h.
|
inline |
get a scalar from a struct and provide a default value
Definition at line 314 of file mexutils.h.
|
inline |
Definition at line 324 of file mexutils.h.
References GetString().
|
inline |
|
inline |
Definition at line 30 of file mexSTD.h.
References utlException.
Referenced by callFunction().
|
inline |
Definition at line 275 of file mexutils.h.
Referenced by callFunction(), GetScalarStructDef(), and mexFunction().
|
inline |
Definition at line 287 of file mexutils.h.
|
inline |
get a scalar from a struct
Definition at line 264 of file mexutils.h.
|
inline |
|
inline |
Definition at line 33 of file utlMEX.h.
References utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::ReSize(), and utl::NDArray< T, 2 >::Rows().
Referenced by callFunction().
|
inline |
Definition at line 64 of file utlMEX.h.
References max(), utl::NDArray< T, 1 >::ReSize(), utl::NDArrayBase< T, Dim >::Size(), and utlException.
|
inline |
convert a string to std::function which maps std::vector<T> to T. Example: "cos(x[0])+ 2*x[1]", "max(x[0], x[1])", "if (x[0]>1.0) 1.0; else x[1]" "x[0]>x[1]"
NOTE: it is slow if it is called for many times. It is better to put symbol_table, expression, and parser definition outside of the loop.
Definition at line 60 of file utlExprtk.h.
|
inline |
|
inline |
Definition at line 1664 of file utlCore.h.
References VectorShrinkage().
|
inline |
|
inline |
Definition at line 63 of file mexVNL.h.
References max(), and utlException.
|
inline |
define several functions.
template <class T> inline bool gemm_UtlVectorTimesMatrix(const bool bATrans, const T alpha, const utl::NDArray<T,1>& X, const utl::NDArray<T,2>& A, const T beta, utl::NDArray<T,1>& Y);
template <class T> inline void ProductUtlvM(const utl::NDArray<T,1>& b, const utl::NDArray<T,2>& A, utl::NDArray<T,1>& c, const double alpha=1.0, const double beta=0.0);
template <class T> inline void ProductUtlvMt(const utl::NDArray<T,1>& b, const utl::NDArray<T,2>& A, utl::NDArray<T,1>& c, const double alpha=1.0, const double beta=0.0);
Definition at line 381 of file utlNDArrayFunctions.h.
|
inline |
using boost::hash_combine template <class t>="">
Definition at line 70 of file utlSTDHeaders.h.
Referenced by std::hash< std::vector< T > >::operator()().
NDArray<T, Dim> utl::Imag | ( | const NDArray< std::complex< T >, Dim > & | mat | ) |
Definition at line 1077 of file utlNDArrayFunctions.h.
|
inlinestatic |
Definition at line 297 of file utl.h.
References min(), and UTL_MAX_THREADS.
Referenced by InitializeThreadedLibraries().
|
inlinestatic |
Definition at line 312 of file utl.h.
References min(), and UTL_MAX_THREADS.
Referenced by InitializeThreadedLibraries().
|
inline |
Initialize SH3IntegralTable with 3 dimensional sizes from 3 SH rank arguments.
useExactSize | If it is false, SH3IntegralTable may have larger size than the input three ranks based on pre-computed table. If it is true, the size is determined by the input SH ranks. |
Definition at line 111 of file itkSphericalHarmonicsGenerator.h.
References GetIndexSHlm(), itk::IsImageEmpty(), RankToDimSH(), SH3IntegralTable(), and SH3Itegralhdr.
Referenced by itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration().
|
inlinestatic |
Definition at line 327 of file utl.h.
References InitializeMKL(), and InitializeOpenMP().
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), callFunction(), itk::MaskedImageToImageFilter< TInputImage, TOutputImage, TMaskImage >::InitializeThreadedLibraries(), itk::SphericalPolarFourierEstimationImageFilter< TInputImage, TOutputImage >::InitializeThreadedLibraries(), main(), itk::MaskedImageToImageFilter< TInputImage, TOutputImage >::VerifyInputParameters(), and itk::SphericalPolarFourierEstimationImageFilter< TInputImage, TOutputImage >::~SphericalPolarFourierEstimationImageFilter().
|
inline |
If value type is std::complex<double>, then utl::InnerProduct provides . For real values, the result is the same as utl::DotProduct
Definition at line 674 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetData(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 701 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), ProductUtlMv(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 709 of file utlNDArrayFunctions.h.
References ProductUtlvM(), utl::NDArray< T, 2 >::Rows(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 717 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 4 >::GetRefSubMatrix(), utl::NDArrayBase< T, Dim >::GetShape(), InnerProduct(), utl::NDArray< T, 2 >::ReSize(), and utlSAException.
|
inline |
Definition at line 741 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape(), utl::NDArray< T, 2 >::ReSize(), and utlSAException.
|
inline |
inverse of a general matrix (non-singular), by using LU decomposition. If the matrix is singular, it stop with an error. It is fast than PInverseVnlMatrix, but only works for non-singular matrix.
Definition at line 908 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), getri_UtlMatrix(), InverseSmallMatrix(), utl::NDArray< T, 2 >::Rows(), utlException, and utlSAException.
Referenced by utl::NDArray< T, 2 >::InverseMatrix(), and InverseSymmericMatrix().
|
inline |
inverse of a symmetric matrix (non-singular), by using LU decomposition. If the matrix is singular, it stop with an error. It is fast than PInverseVnlMatrix, but only works for non-singular matrix.
Definition at line 929 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArrayBase< T, Dim >::GetData(), InverseMatrix(), utl::NDArray< T, 2 >::Rows(), utlGlobalException, and utlSAException.
Referenced by itk::Functor::SHCoefficientsFit< T >::Initialize(), and utl::NDArray< T, 2 >::InverseSymmericMatrix().
|
inline |
|
inline |
Test if fullString is ending with ending
Definition at line 537 of file utlCore.h.
Referenced by itk::GetImageType(), and main().
|
inline |
Definition at line 819 of file utlCore.h.
Referenced by itk::ScalarMapFromSPFImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SphericalHarmonicsGenerator< PreciseType >::ComplexSH(), DimToRankSH(), IsOdd(), RankToDimSH(), itk::SphericalHarmonicsGenerator< PreciseType >::RealSH(), and itk::DiffusionModelEstimationInSphericalCoordinateImageFilter< TInputImage, TOutputImage >::VerifyInputParameters().
|
inline |
Definition at line 529 of file utlCore.h.
Referenced by itk::DWIGenerator< TOutputImage, TScalarImage >::GenerateData(), main(), itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile(), itk::ReadVectorImage(), itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration(), and itk::FiberTractsReader::Update().
|
inline |
Definition at line 169 of file utlCore.h.
Referenced by itk::GetImageType().
|
inline |
Definition at line 792 of file utlCore.h.
Referenced by DimToRankSH(), Gamma(), itk::DWIGenerator< TOutputImage, TScalarImage >::GenerateData(), itk::DWISingleVoxelGenerator< TOutputImage, TScalarImage >::GenerateData(), GetExpProductLegendreCoef(), itk::PeakContainerHelper::GetNumberOfPeaks(), GetScalarsDimentionByName(), GetSymmetricTensorSHCoef(), GetSymmetricTensorSHCoefDerivative(), PowHalfInteger(), and ReadLinesFirstlineCheck().
|
inline |
|
inline |
|
inline |
Definition at line 1394 of file utlCore.h.
Referenced by itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile().
|
inline |
|
inline |
Definition at line 221 of file utlCoreMacro.h.
References LOG_ALL.
|
inline |
Definition at line 213 of file utlCoreMacro.h.
References LOG_DEBUG.
Referenced by itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::BeforeThreadedGenerateData(), itk::UnaryFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::BeforeThreadedGenerateData(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::BeforeThreadedGenerateData(), BinaryOPImage(), callFunction(), itk::FunctorFromStringOPImage(), itk::SamplingSchemeQSpace1OptEstimationFilter< TSamplingType >::GenerateData(), itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::GenerateOutputInformation(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::GenerateOutputInformation(), itk::Functor::SHCoefficientsFit< T >::Initialize(), itk::MultiVariableVectorOPImage(), itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::ThreadedGenerateData(), itk::UnaryFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData(), and itk::UnaryVectorOPImage().
|
inline |
Definition at line 217 of file utlCoreMacro.h.
References LOG_LARGE.
|
inline |
Definition at line 205 of file utlCoreMacro.h.
References LOG_MUTE.
|
inline |
Definition at line 209 of file utlCoreMacro.h.
References LOG_NORMAL.
Referenced by itk::ReadFibers(), itk::ReadImage(), itk::SaveFibers(), and itk::SaveImage().
|
inline |
test if a string means a number
Definition at line 726 of file utlCore.h.
Referenced by BinaryOPImage(), main(), and itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile().
|
inline |
Definition at line 825 of file utlCore.h.
References IsEven().
Referenced by GetIndexSHlm().
|
inline |
Definition at line 1337 of file utlCore.h.
Referenced by ComputeOrientationalOrderFromSymmetricTensor(), utl::NDArray< T, 4 >::IsMajorSymmetric(), and utl::NDArray< T, 4 >::IsMinorSymmetric().
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
return true only if two arrays have the same dimension and same shape.
Definition at line 42 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::IsSameShape().
Referenced by ComplexCombine().
|
inline |
Definition at line 1365 of file utlCore.h.
Referenced by PrintImage().
void utl::MatchBVectorAndGradientMatrix | ( | const T & | br, |
std::vector< T > & | vec, | ||
const NDArray< T, 2 > & | grad | ||
) |
Definition at line 480 of file utlDMRI.h.
References utl::NDArray< T, 2 >::Rows(), and utlException.
Referenced by itk::MeshFromDiscreteFiberODFImageFilter< TInputImage, TOutputMesh >::ComputeBasisMatrix(), main(), and MatchBVectorAndGradientMatrix().
void utl::MatchBVectorAndGradientMatrix | ( | std::vector< T > & | vec, |
NDArray< T, 2 > & | grad | ||
) |
Definition at line 488 of file utlDMRI.h.
References utl::NDArray< T, 2 >::Columns(), MatchBVectorAndGradientMatrix(), utl::NDArray< T, 2 >::Rows(), and utlException.
void utl::MatrixToMatrix | ( | const T1 & | mat1, |
T2 & | mat2, | ||
const int | NRows, | ||
const int | NColumns | ||
) |
|
inline |
Return the maximum between a
and b
.
Definition at line 263 of file utlCore.h.
Referenced by itk::SamplingScheme3D< TPixelType >::CalculateElectrostaticEnergyMatrix(), itk::ComposeVectorImageFilter< TInputImage, TOutputImage >::ComposeVectorImageFilter(), itk::DWIReader< TPixelType, VImageDimension >::CorrectDWI(), spams::MinCostFlow< Int >::cost_shortest_path_in_dag(), spams::MinCostFlow< Int >::discharge(), itk::Fiber< TValue >::DistanceToPoint(), itk::SamplingSchemeQSpaceIncrementalEstimationFilter< TSamplingType >::GenerateData(), GetUtlVectorFromMXArray(), GetVNLVectorFromMXArray(), spams::GraphPathStruct< T >::GraphPathStruct(), spams::GraphPath< T, Int >::init_graph(), main(), max(), spams::Matrix< T >::norm_inf_2_col(), NormalizeMax(), NormalizeMinMax(), spams::MinCostFlow< Int >::price_refine(), spams::MinCostFlow< Int >::price_update(), RGBToIndex(), spams::Tree_Seq< T >::sub_grad(), spams::FISTA::MixedL1LINF< T >::sub_grad(), and itk::MeshFromContinuousSphericalFunctionImageFilter< TInputImage, TOutputMesh >::ThreadedGenerateData().
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 280 of file utlCore.h.
Referenced by argmax2(), ArgmaxMatrix(), ArgmaxSymmetricMatrix(), ArgminMatrix(), ArgminSymmetricMatrix(), NormalizeMax(), NormalizeMinMax(), and TicToc().
|
inline |
Definition at line 205 of file utlCore.h.
Referenced by argmax(), utl::NDArrayBase< T, 4 >::ArgMin(), cblas_iamax(), itk::GeneralizedHighOrderTensorImageFilter< TInputImage, TOutputImage >::ComputeScale(), and main().
utl::NDArray<T,1> utl::MeanDirector | ( | const std::vector< utl::NDArray< T, 1 > > & | dirVec, |
const bool | isUnitNorm = true |
||
) |
Definition at line 1249 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::EigenDecompositionSymmetricMatrix(), utl::NDArrayBase< T, Dim >::Fill(), utl::NDArray< T, 2 >::GetRow(), OuterProduct(), utl::NDArrayBase< T, Dim >::Size(), utlException, and utlSAException.
|
inline |
bool utl::mexCheckType | ( | const mxArray * | array | ) |
Check the type of an array.
|
inline |
Check the type of an array (int)
Definition at line 62 of file mexutils.h.
|
inline |
Check the type of an array (double)
Definition at line 47 of file mexutils.h.
|
inline |
Check the type of an array (float)
Definition at line 52 of file mexutils.h.
|
inline |
Check the type of an array (int)
Definition at line 57 of file mexutils.h.
|
inline |
Check the type of an array (complex double)
Definition at line 67 of file mexutils.h.
|
inline |
Check the type of an array (complex float)
Definition at line 72 of file mexutils.h.
|
inline |
Return the minimum between a
and b
.
Definition at line 257 of file utlCore.h.
Referenced by cblas_iamin(), itk::CopyImageInformation(), itk::CopyImageRegion(), utl::NDArray< T, 2 >::FillDiagonal(), itk::MeshFromPeaksImageFilter< TInputImage, TOutputMesh >::GenerateData(), gesdd_UtlMatrix(), gesdd_VnlMatrix(), gesvd_UtlMatrix(), gesvd_VnlMatrix(), utl::NDArray< T, 2 >::GetDiagonal(), itk::GetITKVectorImageFromMXArray(), utl::Functor::Shred< TVector, TOutput >::GetOutputDimension(), InitializeMKL(), InitializeOpenMP(), main(), min(), NormalizeMinMax(), RGBToIndex(), utl::NDArray< T, 2 >::SetDiagonal(), SetITKImageInformation(), itk::SpamsWeightedLassoSolver< TPrecision >::Solve(), itk::VerifyImageInformation(), and itk::VerifyImageSize().
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 199 of file utlCore.h.
Referenced by utl::NDArrayBase< T, 4 >::ArgAbsoluteMax(), argmin(), and cblas_iamin().
|
inline |
Definition at line 395 of file utlDMRI.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArray< T, 2 >::GetRow(), utl::NDArrayBase< T, Dim >::GetTwoNorm(), utl::NDArray< T, 2 >::Rows(), utl::NDArray< T, 2 >::SetRow(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
|
inline |
|
inline |
Normalize values into [0,1] using the minimal value and the maximal value
Definition at line 637 of file utlCore.h.
Referenced by NormalizeMinMax().
|
inline |
|
inline |
normalize values using L2 norm
Definition at line 672 of file utlCore.h.
Referenced by ReadGrad().
|
inline |
utl::NDArray<T,1> utl::Ones | ( | const int | n | ) |
Definition at line 296 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Fill().
utl::NDArray<T,2> utl::Ones | ( | const int | n, |
const int | m | ||
) |
Definition at line 305 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Fill().
|
inline |
Definition at line 846 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), ProductUtlMM(), utl::NDArray< T, 2 >::Rows(), and utlSAException.
|
inline |
Definition at line 856 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), ProductUtlMM(), and utlSAException.
|
inline |
Definition at line 867 of file utlNDArrayFunctions.h.
References ProductUtlMM(), utl::NDArray< T, 2 >::Rows(), and utlSAException.
|
inline |
Definition at line 878 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), ProductUtlMv(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 888 of file utlNDArrayFunctions.h.
References ProductUtlvM(), utl::NDArray< T, 2 >::Rows(), utl::NDArrayBase< T, Dim >::Size(), and utlSAException.
|
inline |
Definition at line 898 of file utlNDArrayFunctions.h.
std::ostream& utl::operator<< | ( | std::ostream & | os, |
const NDArray< T, Dim > & | arr | ||
) |
Definition at line 314 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Print().
std::ostream& utl::operator<< | ( | std::ostream & | os, |
const NDArray< T, 1 > & | arr | ||
) |
Definition at line 322 of file utlNDArrayFunctions.h.
References PrintContainer().
std::ostream& utl::operator<< | ( | std::ostream & | os, |
const NDArray< T, 2 > & | arr | ||
) |
Definition at line 330 of file utlNDArrayFunctions.h.
References PrintUtlMatrix().
|
inline |
Definition at line 771 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::GetShape(), and utl::NDArray< T, 4 >::ReSize().
void utl::OuterProduct | ( | const NDArray< T, 1 > & | v1, |
const NDArray< T, 1 > & | v2, | ||
NDArray< T, 2 > & | mat | ||
) |
Definition at line 803 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::ReSize(), and utl::NDArrayBase< T, Dim >::Size().
|
inline |
pseudo-inverse of a general matrix, by using SVD
Definition at line 998 of file utlNDArrayFunctions.h.
References spams::abs(), ProductUtlMM(), ProductUtlMMt(), utl::NDArrayBase< T, Dim >::Size(), and utl::NDArray< T, 2 >::SVD().
Referenced by itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SHCoefficientsRotation< T >::Initialize(), and utl::NDArray< T, 2 >::PInverseMatrix().
|
inline |
pseudo-inverse of a symmetric matrix which can be singular, by using eigen-decomposition. If the matrix is not singular, it returns the inverse.
Definition at line 975 of file utlNDArrayFunctions.h.
References spams::abs(), utl::NDArray< T, 2 >::Cols(), utl::NDArray< T, 2 >::EigenDecompositionSymmetricMatrix(), ProductUtlMM(), ProductUtlMtM(), utl::NDArray< T, 2 >::Rows(), and utlSAException.
Referenced by GetEqualityConstraintProjection(), and utl::NDArray< T, 2 >::PInverseSymmericMatrix().
void utl::PointsContainerToUtlMatrix | ( | const PointsContainer & | points, |
utl::NDArray< VnlValueType, 2 > & | matrix | ||
) |
Definition at line 247 of file utl.h.
References utl::NDArrayBase< T, Dim >::Clear(), and utl::NDArrayBase< T, Dim >::ReSize().
|
inline |
Definition at line 1619 of file utlCore.h.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight(), and itk::Functor::SHCoefficientsPower< TInput, TOutput >::operator()().
|
inline |
Print variable number of arguments.
Definition at line 87 of file utlCore11.h.
References PrintOS().
Referenced by itk::SphericalPolarFourierEstimationImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::Functor::SHCoefficientsFit< T >::Print(), and utl::Functor::Shred< TVector, TOutput >::Print().
|
inline |
Definition at line 1068 of file utlCore.h.
References GetContainerStats().
Referenced by operator<<(), PrintUtlVector(), PrintVnlVector(), and utl::NDArrayBase< T, 4 >::PrintWithIndex().
void utl::PrintMatrix | ( | const TMatrixType & | matrix, |
const int | NumberRows, | ||
const int | NumberColumns, | ||
const std::string & | str = "" , |
||
const char * | separate = " " , |
||
std::ostream & | os = std::cout , |
||
bool | showStats = true |
||
) |
Definition at line 1730 of file utlCore.h.
References GetContainerStats().
void utl::PrintMatrixStats | ( | const TMatrixType & | matrix, |
const int | NumberRows, | ||
const int | NumberColumns, | ||
const std::string & | str = "" , |
||
const char * | separate = " " , |
||
std::ostream & | os = std::cout |
||
) |
print statistics from a matrix
Definition at line 1718 of file utlCore.h.
References GetContainerStats().
|
inline |
Print variable number of arguments.
Definition at line 78 of file utlCore11.h.
Referenced by Print().
|
inline |
Definition at line 28 of file utlCore11.h.
Referenced by std::operator<<().
|
inline |
print tuple
Definition at line 37 of file utlCore11.h.
void utl::PrintTuple | ( | const std::tuple< Args... > & | t, |
const std::string & | str = "" , |
||
std::ostream & | os = std::cout |
||
) |
Definition at line 45 of file utlCore11.h.
|
inline |
Definition at line 265 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Rows().
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::MeshFromContinuousSphericalFunctionImageFilter< TInputImage, TOutputMesh >::BeforeThreadedGenerateData(), itk::GeneralizedHighOrderTensorImageFilter< TInputImage, TOutputImage >::ComputeBasisMatrix(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeBasisMatrix(), itk::GeneralizedHighOrderTensorImageFilter< TInputImage, TOutputImage >::ComputeRadialMatrix(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRadialMatrix(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight(), itk::DiffusionModelEstimationInSphericalCoordinateImageFilter< TInputImage, TOutputImage >::ComputeSHMatrix(), itk::Functor::SHCoefficientsFit< T >::Initialize(), main(), operator<<(), itk::Functor::SHCoefficientsFit< T >::Print(), itk::DiscreteBasisMatrixGenerator< TElement >::PrintSelf(), itk::DiffusionModelEstimationImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::DiffusionModelEstimationInSphericalCoordinateImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::L2RegularizedLeastSquaresSolver< TPrecision >::PrintSelf(), itk::DWISingleVoxelGenerator< TOutputImage, TScalarImage >::PrintSelf(), itk::MeshFromSphericalFunctionImageFilter< TInputImage, TOutputMesh >::PrintSelf(), itk::FeaturesFromSPFImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::SHCoefficientsRotation< T >::PrintSelf(), itk::MeshFromContinuousSphericalFunctionImageFilter< TInputImage, TOutputMesh >::PrintSelf(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::PrintSelf(), itk::BasisMatrixGenerator< TElement >::PrintSelf(), itk::MeshFromSphericalFunctionTessellatedSamplesImageFilter< TInputImage, TOutputMesh >::PrintSelf(), itk::SpamsWeightedLassoSolver< TPrecision >::PrintSelf(), itk::SphericalPolarFourierEstimationImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::SamplingScheme3D< TPixelType >::PrintSelf(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
|
inline |
Definition at line 279 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Print().
|
inline |
Definition at line 272 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Begin(), utl::NDArrayBase< T, Dim >::End(), and PrintContainer().
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Initialize(), main(), itk::ScalarMapFromSPFImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::SolverBase< TPrecision >::PrintSelf(), itk::DiffusionModelEstimationImageFilter< TInputImage, TOutputImage >::PrintSelf(), itk::L2RegularizedLeastSquaresSolver< TPrecision >::PrintSelf(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::PrintSelf(), itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::ThreadedGenerateData(), itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData(), and itk::MeshFromContinuousSphericalFunctionImageFilter< TInputImage, TOutputMesh >::ThreadedGenerateData().
|
inline |
Definition at line 1002 of file utlCore.h.
References GetContainerStats().
Referenced by itk::DWIGenerator< TOutputImage, TScalarImage >::GenerateData(), ImageMath(), main(), PrintImage(), itk::SamplingSchemeQSpace< TPixelType >::PrintSelf(), itk::Fiber< TValue >::PrintSelf(), itk::IterativeSolverBase< TPrecision >::PrintSelf(), itk::FiberTracts< TValue >::PrintSelf(), itk::MeshFromFiberTractsFilter::PrintSelf(), itk::MeshFromImageImageFilter< TInputImage, TOutputMesh >::PrintSelf(), itk::SamplingScheme3D< TPixelType >::PrintSelf(), itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
|
inline |
Definition at line 1044 of file utlCore.h.
References GetContainerStats().
|
inline |
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), GetEqualityConstraintProjection(), operator*(), PInverseMatrix(), PInverseSymmericMatrix(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
Referenced by itk::SamplingSchemeQSpace1OptEstimationFilter< TSamplingType >::GenerateData(), itk::L2RegularizedLeastSquaresSolver< TPrecision >::Initialize(), and PInverseMatrix().
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
Referenced by GetMeanOfRotationMatrix(), and PInverseSymmericMatrix().
|
inline |
Definition at line 423 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 360 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 360 of file utlNDArrayFunctions.h.
Referenced by itk::L2RegularizedLeastSquaresSolver< TPrecision >::EvaluateCostFunction(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::EvaluateCostFunction(), GetEqualityConstraintProjection(), InnerProduct(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Iterate(), itk::Functor::MultiplyByConstantMatrix< TInput, TMatrix, TOutput >::operator()(), operator*(), utl::NDArray< T, 1 >::PreMultiply(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::SetA(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Setb(), itk::L2RegularizedLeastSquaresSolver< TPrecision >::Solve(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
|
inline |
Definition at line 381 of file utlNDArrayFunctions.h.
Referenced by itk::L2RegularizedLeastSquaresSolver< TPrecision >::EvaluateCostFunction(), InnerProduct(), operator*(), and utl::NDArray< T, 1 >::PostMultiply().
|
inline |
Definition at line 381 of file utlNDArrayFunctions.h.
void utl::ProductUtlXtX | ( | const utl::NDArray< T, 2 > & | A, |
utl::NDArray< T, 2 > & | C, | ||
const double | alpha = 1.0 , |
||
const double | beta = 0.0 |
||
) |
Definition at line 448 of file utlNDArrayFunctions.h.
Referenced by itk::L2RegularizedLeastSquaresSolver< TPrecision >::Initialize(), and itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::SetA().
void utl::ProductUtlXXt | ( | const utl::NDArray< T, 2 > & | A, |
utl::NDArray< T, 2 > & | C, | ||
const double | alpha = 1.0 , |
||
const double | beta = 0.0 |
||
) |
Definition at line 448 of file utlNDArrayFunctions.h.
|
inline |
generate random float value in [d1,d2]
Definition at line 1415 of file utlCore.h.
References utlAssert.
Referenced by RandomPointInSphere().
|
inline |
generate random int value in [d1,d2]
Definition at line 1430 of file utlCore.h.
References utlAssert.
Referenced by RandomVec().
|
inline |
generate random point in sphere. http://mathworld.wolfram.com/SpherePointPicking.html
Definition at line 1489 of file utlCore.h.
References M_PI, and Random().
Referenced by itk::DWISingleVoxelGenerator< TOutputImage, TScalarImage >::GenerateData(), and itk::SamplingScheme3D< TPixelType >::GenerateFromRandomPoints().
|
inline |
Definition at line 1448 of file utlCore.h.
References RandomInt(), and utlAssert.
|
inline |
get the dimension of Spherical Harmonic coefficients from given rank
Definition at line 193 of file utlDMRI.h.
References IsEven(), and utlSAGlobalException.
Referenced by ComputeDWISHCoefficientsForGPDCylinder(), ComputeOrientationalOrderFromSHCoefficients(), itk::ProfileFromSPFImageFilter< TInputImage, TOutputImage >::GenerateOutputInformation(), itk::ODFFromSPFImageFilter< TInputImage, TOutputImage >::GenerateOutputInformation(), itk::SHCoefficientsPowerImageFilter< TInputImage, TOutputImage >::GenerateOutputInformation(), itk::Functor::SHCoefficientsFit< T >::GetOutputDimension(), itk::SHCoefficientsRotation< T >::GetRotatedSHCoefficients(), GetSymmetricTensorSHCoef(), GetSymmetricTensorSHCoefDerivative(), itk::SHCoefficientsRotation< T >::Initialize(), InitializeSHTripleIntegrationTable(), main(), itk::Functor::SHCoefficientsPower< TInput, TOutput >::operator()(), and itk::ScalarMapFromSPFImageFilter< TInputImage, TOutputImage >::ThreadedGenerateData().
|
inline |
Definition at line 189 of file utlDMRIStoredTables.h.
References utl::GradientTable< T >::GetGrad(), and utl::GradientTable< T >::Initialize().
|
inline |
Definition at line 415 of file utlDMRI.h.
References cartesian2Spherical(), CARTESIAN_TO_CARTESIAN, CARTESIAN_TO_SPHERICAL, DIRECTION_DUPLICATE, DIRECTION_FLIP, M_PI, NormalizeUnitNorm(), ReadLinesFirstlineCheck(), spherical2Cartesian(), SPHERICAL_TO_CARTESIAN, SPHERICAL_TO_SPHERICAL, and utlGlobalException.
|
inline |
Definition at line 199 of file utlDMRIStoredTables.h.
|
inline |
Definition at line 210 of file utlDMRIStoredTables.h.
References CreateExpandedPath(), and GradientsElec.
|
inline |
Read a file, put all strings into a string 2D vector, i.e. vector<vector<string> >
Definition at line 862 of file utlCore.h.
References SplitString(), and utlGlobalAssert.
Referenced by itk::DWIGenerator< TOutputImage, TScalarImage >::GenerateData(), main(), ReadLinesFirstlineCheck(), and ReadMatrix().
|
inline |
same with ReadLines(), ignore the first line if it is shows the number of rows.
Definition at line 890 of file utlCore.h.
References IsInt(), and ReadLines().
Referenced by main(), itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile(), ReadGrad(), ReadVector(), and ReadVector< std::string >().
void utl::ReadMatFileToMatrix | ( | const std::string | fileName, |
const std::string | varibleName, | ||
TMatrixType & | matrix | ||
) |
Definition at line 375 of file mexutils.h.
References utlGlobalException.
|
inline |
Definition at line 100 of file mexVNL.h.
References utlGlobalException.
void utl::ReadMatrix | ( | const std::string & | file, |
TMatrixType & | matrix | ||
) |
Definition at line 1897 of file utlCore.h.
References ReadLines(), and utlException.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight().
|
inline |
Definition at line 1159 of file utlCore.h.
References ReadLinesFirstlineCheck(), and utlException.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight(), main(), and itk::DWIReader< TPixelType, VImageDimension >::ReadFromConfigurationFile().
|
inline |
Definition at line 1186 of file utlCore.h.
References ReadLinesFirstlineCheck(), and utlException.
NDArray<T, Dim> utl::Real | ( | const NDArray< std::complex< T >, Dim > & | mat | ) |
Definition at line 1067 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 153 of file utlDMRI.h.
References GetScalarsDimentionByName().
Referenced by itk::Fiber< TValue >::RemovePropertiesByName(), and itk::Fiber< TValue >::RemoveScalarsByName().
|
inline |
Definition at line 319 of file utlCore.h.
Referenced by ConvertToUnixSlashes().
|
inline |
Definition at line 617 of file utlDMRI.h.
Referenced by itk::MeshFromTensorImageFilter< TInputImage, TOutputMesh >::GetScalarCodeFromTensor().
|
inline |
Generate random value from Rician distribution.
Definition at line 1526 of file utlCore.h.
References GaussRand().
Referenced by AddNoise().
void utl::RotationMatrixToAxisAngle | ( | const NDArray< T, 2 > & | rotMat, |
NDArray< T, 1 > & | axis, | ||
double & | theta | ||
) |
Convert a rotation matrix to axis and angle.
reference: rotm2axang in Matlab. https://en.wikipedia.org/wiki/Rotation_matrix
Definition at line 1199 of file utlNDArrayFunctions.h.
References AxisAngleToRotationMatrix(), utl::NDArray< T, 2 >::Cols(), utl::NDArray< T, 2 >::GetColumn(), utl::NDArrayBase< T, Dim >::GetTwoNorm(), utl::NDArray< T, 2 >::ReSize(), utl::NDArray< T, 1 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utl::NDArray< T, 2 >::SVD(), utlException, and utlSAException.
|
inline |
Definition at line 785 of file utlCore.h.
Referenced by itk::DWIWriter< TPixelType, VImageDimension >::WriteToConfigurationFile().
void utl::Save2DVector | ( | const Vector2D & | vv, |
std::ostream & | out = std::cout |
||
) |
Definition at line 1850 of file utlCore.h.
Referenced by main(), and Save2DVector().
void utl::Save2DVector | ( | const Vector2D & | vv, |
const std::string & | file | ||
) |
Definition at line 1868 of file utlCore.h.
References Save2DVector(), and utlException.
void utl::SaveMatrix | ( | const TMatrixType & | matrix, |
const int | NumberRows, | ||
const int | NumberColumns, | ||
const std::string & | file | ||
) |
Definition at line 1880 of file utlCore.h.
References utlException.
void utl::SaveMatrixToMatFile | ( | const TMatrixType & | matrix, |
const int | NumberRows, | ||
const int | NumberColumns, | ||
const std::string | fileName, | ||
const std::string | varibleName | ||
) |
Definition at line 350 of file mexutils.h.
References utlGlobalException.
void utl::SaveVector | ( | const VectorType & | vv, |
const int | NSize, | ||
const std::string & | vectorStr, | ||
const bool | is_save_number = false |
||
) |
Definition at line 1213 of file utlCore.h.
References utlException.
Referenced by main(), itk::SamplingSchemeQSpaceWriter< TSamplingType >::Update(), and itk::DWIWriter< TPixelType, VImageDimension >::WriteToConfigurationFile().
void utl::SaveVector | ( | const std::vector< T > & | vv, |
const std::string & | vectorStr, | ||
const bool | is_save_number = false |
||
) |
|
inline |
std::vector<T> utl::SelectVector | ( | const std::vector< T > & | vec, |
const std::vector< int > & | index | ||
) |
std::vector<T> utl::SelectVector | ( | const std::vector< T > & | vec, |
const int | startIndex, | ||
const int | numberOfElement | ||
) |
std::vector<std::vector<int> > utl::SeparateVector | ( | const std::vector< T > & | vec, |
std::vector< T > & | vec_sep, | ||
const double | gap = 1e-9 |
||
) |
Definition at line 1262 of file utlCore.h.
References FindVector().
Referenced by main().
|
inline |
Definition at line 135 of file utlDMRI.h.
References GetScalarsDimentionByName(), and utlSAException.
int utl::SetVector | ( | const char * | s, |
std::vector< T > & | vec, | ||
const int | least_num = 0 , |
||
const char & | c = ',' |
||
) |
Definition at line 1115 of file utlCore.h.
References utlAssert.
Referenced by main(), and SetVector().
int utl::SetVector | ( | const std::string & | s, |
std::vector< T > & | vec, | ||
const int | least_num = 0 , |
||
const char & | c = ',' |
||
) |
Definition at line 1152 of file utlCore.h.
References SetVector().
|
static |
Stored integral constants for 3 SH bases. See itk::SphericalHarmonicsGenerator and utl::InitializeSHTripleIntegrationTable
Referenced by InitializeSHTripleIntegrationTable(), itk::lutExpValue(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration().
|
inline |
Return the sign of x
.
Definition at line 285 of file utlCore.h.
Referenced by itk::ScalarMapFromSPFImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), itk::SphericalHarmonicsGenerator< PreciseType >::ComplexSH(), itk::SphericalPolarFourierRadialGenerator< PreciseType >::Evaluate(), itk::SphericalPolarFourierRadialGenerator< PreciseType >::GetNormalizeFacotr(), spams::Vector< int >::mult_elementWise(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealSH().
|
inline |
http://en.wikipedia.org/wiki/Spherical_coordinate_system
Definition at line 1602 of file utlCore.h.
Referenced by itk::DWIGenerator< TOutputImage, TScalarImage >::GenerateData(), itk::DWISingleVoxelGenerator< TOutputImage, TScalarImage >::GenerateData(), main(), ReadGrad(), spherical2Cartesian(), and SphericalToCartesian().
|
inline |
Definition at line 1611 of file utlCore.h.
References spherical2Cartesian().
Definition at line 114 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Columns(), utl::NDArray< T, 2 >::Rows(), spherical2Cartesian(), and utlAssert.
Referenced by itk::SamplingScheme3D< TPixelType >::GetOrientationsCartesian(), and itk::SamplingScheme3D< TPixelType >::SetOrientationsSpherical().
|
inline |
separate a string into a string vector based on given delimit
Definition at line 845 of file utlCore.h.
Referenced by ReadLines().
NDArray<T,1> utl::StdVectorToUtlVector | ( | const std::vector< T > & | vec | ) |
Definition at line 103 of file utlNDArrayFunctions.h.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight().
|
inline |
compare two std::string objects, ignore case
Definition at line 311 of file utlCore.h.
References StringToLowerCase().
Referenced by callFunction().
|
inline |
Definition at line 292 of file utlCore.h.
Referenced by StringCompareCaseIgnored().
|
inline |
Definition at line 301 of file utlCore.h.
Referenced by ImageMath().
|
inline |
Definition at line 342 of file mexutils.h.
|
inline |
|
inline |
dsyev_VnlMatrix eigen-decomposition for symmetric matrix. http://www.netlib.org/lapack/explore-html/dd/d4c/dsyev_8f.html
mat | a symmetric matrix (only upper triangular matrix is used) |
eigenValues | Eigen-values are in increasing order. |
eigenVectors | Eigen-vectors. each row is an eigen-vector |
Definition at line 499 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArrayBase< T, Dim >::GetData(), utl::NDArray< T, 1 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utlException, and utlGlobalException.
|
inline |
dsyevd_UtlMatrix eigen-decomposition for symmetric matrix. dsyevd is faster than dsyev http://www.netlib.org/lapack/explore-html/d1/da2/dsyevd_8f.html
mat | a symmetric matrix (only upper triangular matrix is used) |
eigenValues | Eigen-values are in increasing order. |
eigenVectors | Eigen-vectors. each row is an eigen-vector |
Definition at line 530 of file utlNDArrayFunctions.h.
References utl::NDArray< T, 2 >::Cols(), utl::NDArrayBase< T, Dim >::GetData(), utl::NDArray< T, 1 >::ReSize(), utl::NDArray< T, 2 >::Rows(), utlException, and utlGlobalException.
|
inline |
syrk_UtlMatrix
define several functions.
trans | If false, then C := alpha* A*A' + beta* C; If true, then C := alpha* A'A + beta C |
alpha | |
A | MxN matrix |
beta | |
C | MxM or NxN symmetric matrix |
template <class T> inline void syrk_UtlMatrix( const bool trans, const T alpha, const utl::NDArray<T,2>& A, const T beta, utl::NDArray<T,2>& C )
template <class T> void ProductUtlXXt ( const vnl_matrix<T>& A, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0 )
template <class T> void ProductUtlXtX ( const vnl_matrix<T>& A, utl::NDArray<T,2>& C, const double alpha=1.0, const double beta=0.0 )
Definition at line 448 of file utlNDArrayFunctions.h.
|
inline |
|
inline |
|
inline |
|
inline |
std::shared_ptr< NDArray<T,2> > utl::ToMatrix | ( | const Expr< EType, typename EType::ValueType > & | expr | ) |
Convert utl::Expression to utl::Matrix
Definition at line 85 of file utlNDArrayFunctions.h.
std::shared_ptr< NDArray<T,Dim> > utl::ToNDArray | ( | const Expr< EType, typename EType::ValueType > & | expr | ) |
Convert utl::Expression to utl::NDArray
Definition at line 67 of file utlNDArrayFunctions.h.
std::shared_ptr< NDArray<T,1> > utl::ToVector | ( | const Expr< EType, typename EType::ValueType > & | expr | ) |
Convert utl::Expression to utl::Vector
Definition at line 76 of file utlNDArrayFunctions.h.
|
inline |
Definition at line 121 of file utlTypeinfo.h.
References Demangle().
|
inline |
Definition at line 127 of file utlTypeinfo.h.
void utl::UtlMatrixToPointsContainer | ( | const NDArray< VnlValueType, 2 > & | matrix, |
PointsContainer & | points | ||
) |
Definition at line 275 of file utl.h.
References utlGlobalException.
|
inline |
Definition at line 72 of file utlCommandLineParser.h.
References COLOR_BOLD, COLOR_PURPLE, COLOR_RED, and GetColoredString().
Referenced by utlOption().
|
inline |
Definition at line 117 of file utlCommandLineParser.h.
References utlOption().
|
inline |
Definition at line 126 of file utlCommandLineParser.h.
References utlOption().
|
inline |
Definition at line 137 of file utlCommandLineParser.h.
References utlOption().
|
inline |
Definition at line 149 of file utlCommandLineParser.h.
References utlOption().
std::vector<T> utl::UtlVectorToStdVector | ( | const NDArray< T, 1 > & | vec | ) |
Definition at line 93 of file utlNDArrayFunctions.h.
References utl::NDArrayBase< T, Dim >::Size().
Referenced by main().
itk::VariableLengthVector<T> utl::UtlVectorToVariableLengthVector | ( | const NDArray< T, 1 > & | vec | ) |
Definition at line 114 of file utl.h.
References utl::NDArrayBase< T, Dim >::Size().
Referenced by itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::ThreadedGenerateData(), and itk::UnaryFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData().
|
inline |
interface to v*Abs
Slow implementation of vAbs.
Definition at line 321 of file utlCoreMKL.h.
References spams::abs().
Referenced by utl::NDArrayBase< T, 4 >::ElementInverse().
|
inline |
interface to v*Add
Slow implementation of vdAdd and vsAdd.
Definition at line 300 of file utlCoreMKL.h.
Referenced by spams::coreGroupIST(), spams::coreGroupISTConstrained(), spams::coreIST(), utl::NDArrayBase< T, 4 >::ElementMultiply(), and itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Iterate().
NDArray<T,1> utl::VariableLengthVectorToUtlVector | ( | const itk::VariableLengthVector< T > & | vec | ) |
Definition at line 124 of file utl.h.
Referenced by itk::MultiVariableFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData(), itk::FunctorFromStringImageFilter< TInputImage, TOutputImage, TMaskImage >::ThreadedGenerateData(), and itk::UnaryFunctorVectorImageFilter< TInputImage, TOutputImage, TFunction, TMaskImage >::ThreadedGenerateData().
void utl::vCos | ( | int | n, |
T * | vecIn, | ||
T * | vecOut | ||
) |
interface to v*Cos
Referenced by utl::NDArrayBase< T, 4 >::ElementSin().
|
inline |
interface to v*Div
Slow implementation of vdDiv and vsDiv.
Definition at line 314 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::GetElementExp().
|
inline |
Definition at line 1656 of file utlCore.h.
Referenced by GetVectorShrinkage().
void utl::VectorToVector | ( | const T1 & | v1, |
T2 & | v2, | ||
const int | N | ||
) |
copy a vector to another vector with different type.
Definition at line 1699 of file utlCore.h.
Referenced by main(), itk::Functor::SHCoefficientsPower< TInput, TOutput >::operator()(), PrintImage(), and itk::MeshFromFiberTractsFilter::Update().
|
inline |
interface to v*Exp
Slow implementation of vdExp and vsExp.
Definition at line 293 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::ElementCos().
|
inline |
interface to v*Inv
Slow implementation of vdInv and vsInv.
Definition at line 286 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::ElementSqrt().
|
inline |
interface to v*InvSqrt
Definition at line 271 of file utlCoreMKL.h.
|
inline |
interface to v*Mul
Slow implementation of vdMul and vsMul.
Definition at line 307 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::ElementExp(), and itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::EvaluateCostFunction().
void utl::vSin | ( | int | n, |
T * | vecIn, | ||
T * | vecOut | ||
) |
interface to v*Sin
Referenced by utl::NDArrayBase< T, 4 >::ElementAbsolute().
|
inline |
interface to v*Sqr
Definition at line 259 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::GetElementSquare().
|
inline |
interface to v*Sqrt
Definition at line 265 of file utlCoreMKL.h.
Referenced by utl::NDArrayBase< T, 4 >::ElementSquare().
|
inline |
interface to v*Sub
Slow implementation of vdSub and vsSub.
Definition at line 279 of file utlCoreMKL.h.
Referenced by spams::coreGroupIST(), spams::coreGroupISTConstrained(), spams::coreIST(), utl::NDArrayBase< T, 4 >::ElementDivide(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::EvaluateCostFunction(), itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::HistoryUpdateAndConvergenceCheck(), and itk::L1RegularizedLeastSquaresFISTASolver< TPrecision >::Iterate().
|
inline |
|
inline |
Write polydata to file
Definition at line 45 of file utlVTK.h.
References GetFileExtension().
Referenced by main().
|
inline |
http://www.cplusplus.com/reference/iostream/manipulators/setfill/ Convert a 'number' into a zero padded string. ZeroPad(5, 4); produces "0005"
Definition at line 586 of file utlCore.h.
Referenced by GetSequentialFileName().
|
static |
gradients file for tess=1 with 6 directions
Definition at line 67 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=2 with 21 directions
Definition at line 69 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=3 with 81 directions
Definition at line 71 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=4 with 321 directions
Definition at line 73 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=5 with 1281 directions
Definition at line 75 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=6 with 5121 directions
Definition at line 77 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
gradients file for tess=7 with 20481 directions
Definition at line 79 of file DMRITOOLConfigure.h.
Referenced by utl::GradientTable< T >::Initialize().
|
static |
path for the Elec gradients from CAMINO
Definition at line 82 of file DMRITOOLConfigure.h.
Referenced by ReadGradElectricRepulsion().
|
static |
The learned SPF dictionary, sh=8, ra=4 , K=250 atoms
Definition at line 63 of file DMRITOOLConfigure.h.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::BeforeThreadedGenerateData(), and itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight().
|
static |
Definition at line 64 of file DMRITOOLConfigure.h.
Referenced by itk::SphericalPolarFourierImageFilter< TInputImage, TOutputImage >::ComputeRegularizationWeight().
|
static |
global Log verbosity level. Some class may have its own local LogLevel which override the global one.
Definition at line 203 of file utlCoreMacro.h.
Referenced by callFunction(), itk::FunctorFromStringOPImage(), ImageMath(), main(), itk::MultiVariableVectorOPImage(), and itk::UnaryVectorOPImage().
|
static |
The table of integration of triple SH basis (real, thesis), genegrated by print_sh_integration
Definition at line 60 of file DMRITOOLConfigure.h.
Referenced by InitializeSHTripleIntegrationTable(), and itk::SphericalHarmonicsGenerator< PreciseType >::RealTripleIntegration().