Search Java Classes and Packages

Search Java Frameworks and Libraries

255581 classes and counting ...
Search Tips Index Status



# Classes and Interfaces in #SuanShu - 1276 results found.
NameDescriptionTypePackageFramework
AbelianGroupAn Abelian group is a group with a binary additive operation (+), satisfying the group axioms: closureassociativityexistence of additive identityexistence of additive oppositecommutativity of additionInterfacecom.numericalmethod.suanshu.algebra.structureSuanShu
ABMPredictorCorrectorThe Adams-Bashforth predictor and the Adams-Moulton corrector pair.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
ABMPredictorCorrector1The Adams-Bashforth predictor and the Adams-Moulton corrector of order 1.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
ABMPredictorCorrector2The Adams-Bashforth predictor and the Adams-Moulton corrector of order 2.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
ABMPredictorCorrector3The Adams-Bashforth predictor and the Adams-Moulton corrector of order 3.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
ABMPredictorCorrector4The Adams-Bashforth predictor and the Adams-Moulton corrector of order 4.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
ABMPredictorCorrector5The Adams-Bashforth predictor and the Adams-Moulton corrector of order 5.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
AbsoluteErrorPenaltyThis penalty function sums up the absolute error penalties.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
AbsoluteToleranceThe stopping criteria is that the norm of the residual r is equal to or smaller than the specified tolerance, that is,Classcom.numericalmethod.suanshu.misc.algorithm.iterative.toleranceSuanShu
AbstractBivariateEVDClasscom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
AbstractBivariateProbabilityDistributionClasscom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
AbstractBivariateRealFunctionA bivariate real function takes two real arguments and outputs one real value.Classcom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
AbstractGridExecutorProvides basic default implementations of GridExecutor functions on top of the map operation.Classcom.numericalmethod.suanshu.grid.executorSuanShu
AbstractHybridMCMCHybrid Monte Carlo, or Hamiltonian Monte Carlo, is a method that combines the traditional Metropolis algorithm, with molecular dynamics simulation.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.hybridSuanShu
AbstractMetropolisThe Metropolis algorithm is a Markov Chain Monte Carlo algorithm, which requires only a function f proportional to the PDF from which we wish to sample.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.metropolisSuanShu
AbstractR1RnFunctionThis is a function that takes one real argument and outputs one vector value.Classcom.numericalmethod.suanshu.analysis.function.rn2rmSuanShu
AbstractRealScalarFunctionThis abstract implementation implements Function.Classcom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
AbstractRealVectorFunctionThis abstract implementation implements Function.Classcom.numericalmethod.suanshu.analysis.function.rn2rmSuanShu
AbstractTrivariateRealFunctionA trivariate real function takes three real arguments and outputs one real value.Classcom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
AbstractUnivariateRealFunctionA univariate real function takes one real argument and outputs one real value.Classcom.numericalmethod.suanshu.analysis.function.rn2r1.univariateSuanShu
ACERAnalysisAverage Conditional Exceedance Rate (ACER) method is for estimating the cdf of the maxima (M) distribution from observations.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERByCountingEstimate epsilons by counting conditional exceedances from the observations.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
ACERConfidenceIntervalUsing the given (estimated) ACER function as the mean, find the ACER parameters at the lower and upper bounds of the estimated confidence interval of ACER values.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERFunctionThe ACER (Average Conditional Exceedance Rate) function (epsilon_k(eta)) approximates the epsilon_k(eta) = Pr(X_k > eta Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERInverseFunctionThe inverse of the ACER function.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERLogFunctionThe ACER function in log scale (base e), i.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERReturnLevelGiven an ACER function, compute the return level (eta) for a given return period (R).Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
ACERUtilsUtility functions used in ACER empirical analysis.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
ActiveListThis interface defines the node popping strategy used in a branch-and-bound algorithm, e.Interfacecom.numericalmethod.suanshu.misc.algorithm.bbSuanShu
ActiveSetThis class keeps track of the active and inactive indices.Classcom.numericalmethod.suanshu.misc.algorithmSuanShu
ActorPropsStatic factory class that contains all of the common Props, to make the code that uses them more readable.Classcom.numericalmethod.suanshu.grid.executor.remote.akkaSuanShu
AdamsBashforthMoultonThis class uses an Adams-Bashford predictor and an Adams-Moulton corrector of the specified order.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.multistep.adamsbashforthmoultonSuanShu
AdditiveModelThe additive model of a time series is an additive composite of the trend, seasonality and irregular random components.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocessSuanShu
ADFAsymptoticDistributionThis class computes the asymptotic distribution of the Augmented Dickey-Fuller (ADF) test There are three main versions of the test and thus three possible asymptotic distributions:Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
ADFAsymptoticDistribution1This is the asymptotic distribution of the Augmented Dickey-Fuller test statistic, for the TrendType.Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
ADFDistributionThis represents an Augmented Dickey Fuller distribution.Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
ADFDistributionTableA table contains the simulated observations/values of an empirical ADF distribution for a given set of parameters.Classcom.numericalmethod.suanshu.stats.test.timeseries.adf.tableSuanShu
ADFDistributionTable_CONSTANT_lag0This table contains the quantile values of both finite (for various sample sizes) and infinite (asymptotic) distributions of the Augmented Dicky Fuller test statistics for theClasscom.numericalmethod.suanshu.stats.test.timeseries.adf.tableSuanShu
ADFDistributionTable_CONSTANT_TIME_lag0This table contains the quantile values of both finite (for various sample sizes) and infinite (asymptotic) distributions of the Augmented Dicky Fuller test statistics for theClasscom.numericalmethod.suanshu.stats.test.timeseries.adf.tableSuanShu
ADFDistributionTable_NO_CONSTANT_lag0This table contains the quantile values of both finite (for various sample sizes) and infinite (asymptotic) distributions of the Augmented Dicky Fuller test statistics for theClasscom.numericalmethod.suanshu.stats.test.timeseries.adf.tableSuanShu
ADFFiniteSampleDistributionThis class computes the finite sample distribution of the Augmented Dickey-Fuller (ADF) test There are three main versions of the test and thus three possible asymptotic distributions:Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
AfterIterationsStops after a given number of iterations.Classcom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
AfterNoImprovementClasscom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
AhatEstimationEstimates the coefficient of a VAR(1) model by penalized maximum likelihood.Classcom.numericalmethod.suanshu.model.daspremont2008SuanShu
AkkaGridExecutorUses Akka to distribute the computational load between multiple machines.Classcom.numericalmethod.suanshu.grid.executor.remote.akkaSuanShu
AkkaGridExecutorFactoryCreates instances of GridExecutorFactory that use Akka's remoting to distribute computation, from a configuration object.Classcom.numericalmethod.suanshu.grid.executor.remote.akkaSuanShu
AkkaUtilsUtility methods for Akka.Classcom.numericalmethod.suanshu.grid.executor.remote.akkaSuanShu
AlternatingDirectionImplicitMethodAlternating direction implicit (ADI) method is an implicit method for obtaining numerical approximations to the solution of a HeatEquation2D.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim2SuanShu
AndersonDarlingThis algorithm calculates the Anderson-Darling k-sample test statistics and p-values.Classcom.numericalmethod.suanshu.stats.test.distributionSuanShu
AndersonDarlingPValueThis algorithm calculates the p-value when the Anderson-Darling statistic and the number of samples are given.Classcom.numericalmethod.suanshu.stats.test.distributionSuanShu
AndStopConditionsCombines an arbitrary number of stop conditions, terminating when all conditions are met.Classcom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
AnnealingFunctionAn annealing function or a tempered proposal function gives the next proposal/state from the current state and temperature.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
AntitheticVariatesThe antithetic variates technique consists, for every sample path obtained, in taking its antithetic path - that is given a path (varepsilon_1,dots,varepsilon_M) to also take, forClasscom.numericalmethod.suanshu.stats.random.variancereductionSuanShu
AntoniouLu2007This implementation is based on Algorithm 14.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.interiorpointSuanShu
AR1GARCH11ModelAn AR1-GARCH11 model takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armagarchSuanShu
ArcAn arc is an ordered pair of vertices.Interfacecom.numericalmethod.suanshu.graphSuanShu
ArgumentAssertionUtility class for checking numerical arguments.Classcom.numericalmethod.suanshu.miscSuanShu
ARIMAForecastForecasts an ARIMA time series using the innovative algorithm.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
ARIMAForecastMultiStepMakes forecasts for a time series assuming an ARIMA model using the innovative algorithm.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
ARIMAModelAn ARIMA(p, d, q) process, Xt, is such that (1 - B)^d X_t = Y_tClasscom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
ARIMASimThis class simulates an ARIMA (AutoRegressive Integrated Moving Average) process.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
ARIMAXModelThe ARIMAX model (ARIMA model with eXogenous inputs) is a generalization of the ARIMA model by incorporating exogenous variables.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
ARMAFitInterfacecom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARMAForecastForecasts an ARMA time series using the innovative algorithm.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARMAForecastMultiStepComputes the h-step ahead prediction of a causal ARMA model, by the innovative algorithm.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARMAForecastOneStepComputes the one-step ahead prediction of a causal ARMA model, by the innovative algorithm.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARMAGARCHFitThis implementation fits, for a data set, an ARMA-GARCH model by Quasi-Maximum Likelihood "QMLE" stands for Quasi-Maximum Likelihood Estimation, which assumes Normal distribution andClasscom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armagarchSuanShu
ARMAGARCHModelAn ARMA-GARCH model takes this form: X_t = mu + sum_{i=1}^p phi_i X_{t-i} + sum_{i=1}^q heta_j epsilon_{t-j} + epsilon_t,Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armagarchSuanShu
ARMAModelA univariate ARMA model, Xt, takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARMAXModelThe ARMAX model (ARIMA model with eXogenous inputs) is a generalization of the ARMA model by incorporating exogenous variables.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ARModelThis class represents an AR model.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ArrayUtilsGet a left shifted array.Classcom.numericalmethod.suanshu.miscSuanShu
ARResamplerFactoryClasscom.numericalmethod.suanshu.model.lai2010.ceta.npeb.resamplerSuanShu
AS159Algorithm AS 159 accepts a table shape (the number of rows and columns), and two vectors, the lists of row and column sums.Classcom.numericalmethod.suanshu.stats.test.distribution.pearsonSuanShu
AtThresholdStops when the value reaches a given value with a given precision.Classcom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
AugmentedDickeyFullerThe Augmented Dickey Fuller test tests whether a one-time differencing (d = 1) will make the time That is, whether the series has a unit root.Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
AutoARIMAFitSelects the order and estimates the coefficients of an ARIMA model automatically by AIC or AICC.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.arimaSuanShu
AutoCorrelationCompute the Auto-Correlation Function (ACF) for an AutoRegressive Moving Average (ARMA) model, assuming that This implementation solves the Yule-Walker equation.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
AutoCorrelationFunctionThis is the auto-correlation function of a univariate time series {xt}.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariateSuanShu
AutoCovarianceComputes the Auto-CoVariance Function (ACVF) for an AutoRegressive Moving Average (ARMA) model by The R equivalent functions are ARMAacf and TacvfAR in package FitAR.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
AutoCovarianceFunctionThis is the auto-covariance function of a univariate time series {xt}.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariateSuanShu
AutoParallelMatrixMathOperationThis class uses ParallelMatrixMathOperation when the first input matrix argument's size is greater than the defined threshold; otherwise, it uses SimpleMatrixMathOperation.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperationSuanShu
BackwardEliminationConstructs a GLM model for a set of observations using the backward elimination method.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
BackwardSubstitutionBackward substitution solves a matrix equation in the form Ux = b by an iterative process for an upper triangular matrix U.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
BartlettBartlett's test is used to test if k samples are from populations with equal variances, hence homoscedasticity.Classcom.numericalmethod.suanshu.stats.test.varianceSuanShu
BasisA basis is a set of linearly independent vectors spanning a vector space.Classcom.numericalmethod.suanshu.algebra.linear.vector.doubles.operationSuanShu
BaumWelchClasscom.numericalmethod.suanshu.stats.hmm.discreteSuanShu
BBNodeA branch-and-bound algorithm maintains a tree of nodes to keep track of the search paths and the pruned paths.Interfacecom.numericalmethod.suanshu.misc.algorithm.bbSuanShu
BernoulliTrialA Bernoulli trial (or binomial trial) is a random experiment with exactly two possible outcomes, "success" and "failure", in which the probability of success, p, is the same every timeClasscom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
Best1BinThe Best-1-Bin rule is the same as the Rand-1-Bin rule, except that it always pick the best candidate in the population to be the base.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptimSuanShu
Best2BinThe Best-1-Bin rule always picks the best chromosome as the base.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptimSuanShu
BetaThe beta function defined as: B(x,y) = frac{Gamma(x)Gamma(y)}{Gamma(x+y)}= int_0^1t^{x-1}(1-t)^{y-1},dt, x > 0, y > 0Classcom.numericalmethod.suanshu.analysis.function.special.betaSuanShu
BetaDistributionClasscom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
BetaMixtureDistributionThe HMM states use the Beta distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
BetaRegularizedThe Regularized Incomplete Beta function is defined as: I_x(p,q) = frac{B(x;,p,q)}{B(p,q)} = frac{1}{B(p,q)} int_0^x t^{p-1},(1-t)^{q-1},dt, p > 0, q > 0Classcom.numericalmethod.suanshu.analysis.function.special.betaSuanShu
BetaRegularizedInverseThe inverse of the Regularized Incomplete Beta function is defined at: x = I^{-1}_{(p,q)}(u), 0 le u le 1Classcom.numericalmethod.suanshu.analysis.function.special.betaSuanShu
BFGSMinimizerThe Broyden-Fletcher-Goldfarb-Shanno method is a quasi-Newton method to solve unconstrained nonlinear optimization problems.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
BFSThis class implements the breadth-first-search using iteration.Classcom.numericalmethod.suanshu.graph.algorithm.traversalSuanShu
BiconjugateGradientSolverThe Biconjugate Gradient method (BiCG) is useful for solving non-symmetric n-by-n linear systems.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
BiconjugateGradientStabilizedSolverThe Biconjugate Gradient Stabilized (BiCGSTAB) method is useful for solving non-symmetric n-by-n linear systems.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
BicubicInterpolationBicubic interpolation is the two-dimensional equivalent of cubic Hermite spline interpolation.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BicubicSplineBicubic splines are the two-dimensional equivalent of cubic splines.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BiDiagonalizationInterfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.diagonalizationSuanShu
BiDiagonalizationByGolubKahanLanczosThis implementation uses Golub-Kahan-Lanczos algorithm with reorthogonalization.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.diagonalizationSuanShu
BiDiagonalizationByHouseholderClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.diagonalizationSuanShu
BidiagonalMatrixA bi-diagonal matrix is either upper or lower diagonal.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.diagonalSuanShu
BidiagonalSVDbyMR3Given a bidiagonal matrix A, computes the singular value decomposition (SVD) of A, using "Algorithm of Multiple Relatively Robust Representations" (MRRR).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svd.mr3SuanShu
BigDecimalUtilsThese are the utility functions to manipulate BigDecimal.Classcom.numericalmethod.suanshu.number.bigSuanShu
BigIntegerUtilsThese are the utility functions to manipulate BigInteger.Classcom.numericalmethod.suanshu.number.bigSuanShu
BilinearInterpolationBilinear interpolation is the 2-dimensional equivalent of linear interpolation.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BinomialDistributionThe binomial distribution is the discrete probability distribution of the number of successes in a sequence of n independent yes/no experiments, each of which yields success with probability p.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
BinomialMixtureDistributionThe HMM states use the Binomial distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
BinomialRNGThis random number generator samples from the binomial distribution.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
BinsThis class divides the items based on their keys into a number of bins.Classcom.numericalmethod.suanshu.misc.algorithmSuanShu
BisectionRootThe bisection method repeatedly bisects an interval and then selects a subinterval in which a root must lie for further processing.Classcom.numericalmethod.suanshu.analysis.root.univariateSuanShu
BivariateArrayGridClasscom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BivariateEVDBivariate Extreme Value (BEV) distribution is the joint distribution of component-wise maxima of two-dimensional iid random vectors.Interfacecom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDAsymmetricLogisticThe bivariate asymmetric logistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDAsymmetricMixedThe asymmetric mixed model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDAsymmetricNegativeLogisticThe bivariate asymmetric negative logistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDBilogisticThe bilogistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDColesTawnThe Coles-Tawn model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDHuslerReissThe Husler-Reiss model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDLogisticThe bivariate logistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDNegativeBilogisticThe negative bilogistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateEVDNegativeLogisticThe bivariate negative logistic model.Classcom.numericalmethod.suanshu.stats.evt.evd.bivariateSuanShu
BivariateGridA rectilinear (meaning that grid lines are not necessarily equally-spaced) bivariate grid of double values.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BivariateGridInterpolationA bivariate interpolation, which requires the input to form a rectilinear grid.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BivariateProbabilityDistributionA bivariate or joint probability distribution for X_1, X_2 is a probability distribution that gives the probability that each of X_1, X_2, .Interfacecom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
BivariateRealFunctionA bivariate real function takes two real arguments and outputs one real value.Interfacecom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
BivariateRegularGridA regular grid is a tessellation of n-dimensional Euclidean space by congruent parallelotopes (e.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
BlockSplitPointSearchComputes the splitting points with the given threshold.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
BlockWinogradAlgorithmThis implementation accelerates matrix multiplication via a combination of the Strassen algorithm and block matrix multiplication.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperation.multiplicationSuanShu
BMSDEA Brownian motion is a stochastic process with the following properties.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.discreteSuanShu
BoltzAnnealingFunctionMatlab: @annealingboltz - The step has length square root of temperature, with direction uniformly at random.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
BoltzTemperatureFunction(T_k = T_0 / ln(k)).Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
BootstrapEstimatorThis class estimates the statistic of a sample using a bootstrap method.Classcom.numericalmethod.suanshu.stats.random.sampler.resamplerSuanShu
BorderedHessianA bordered Hessian matrix consists of the Hessian of a multivariate function f, and the gradient of a multivariate function g.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
BottomUpThis implementation traverses a directed acyclic graph starting from the leaves at the bottom, and reaches the roots.Classcom.numericalmethod.suanshu.graph.algorithm.traversalSuanShu
BoxConstraintsThis represents the lower and upper bounds for a variable.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
BoxGeneralizedSimulatedAnnealingMinimizerThis is an extension to GeneralizedSimulatedAnnealingMinimizer, which allows adding box constraints to bound solutions.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.boxSuanShu
BoxGSAAcceptanceProbabilityFunctionThis probability function boxes an unconstrained probability function so that when a proposed state is outside the box, it has a probability of 0.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.acceptanceprobabilityfunctionSuanShu
BoxGSAAnnealingFunctionClasscom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
BoxMinimizerA box minimizer solves a BoxOptimProblem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrainedSuanShu
BoxMullerThe Box-Muller transform (by George Edward Pelham Box and Mervin Edgar Muller 1958) is a pseudo-random number sampling method for generating pairs of independent standardClasscom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
BoxOptimProblemA box constrained optimization problem, for which a solution must be within fixed bounds.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.problemSuanShu
BoxPierceThe Box-Pierce test (named for George E.Classcom.numericalmethod.suanshu.stats.test.timeseries.portmanteauSuanShu
BracketSearchMinimizerThis class provides implementation support for those univariate optimization algorithms that are based on bracketing.Classcom.numericalmethod.suanshu.optimization.univariate.bracketsearchSuanShu
BranchAndBoundBranch-and-Bound (BB or B&B) is a general algorithm for finding optimal solutions of various optimization problems, especially in discrete and combinatorial optimization.Classcom.numericalmethod.suanshu.misc.algorithm.bbSuanShu
BrentCetaMaximizerClasscom.numericalmethod.suanshu.model.lai2010.ceta.maximizerSuanShu
BrentMinimizerBrent's algorithm is the preferred method for finding the minimum of a univariate function.Classcom.numericalmethod.suanshu.optimization.univariate.bracketsearchSuanShu
BrentRootBrent's root-finding algorithm combines super-linear convergence with reliability of bisection.Classcom.numericalmethod.suanshu.analysis.root.univariateSuanShu
BreuschPaganThe Breusch-Pagan test tests for conditional heteroskedasticity.Classcom.numericalmethod.suanshu.stats.test.regression.linear.heteroskedasticitySuanShu
BroadcastMessageA message that is sent to each slave by the master.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
BrownForsytheThe Brown-Forsythe test is a statistical test for the equality of group variances based on performing an ANOVA on a transformation of the response variable.Classcom.numericalmethod.suanshu.stats.test.varianceSuanShu
BruteForceIPMinimizerThis implementation solves an integral constrained minimization problem by brute force search for all possible integer combinations.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.bruteforceSuanShu
BruteForceIPProblemThis implementation is an integral constrained minimization problem that has enumerable integral domains.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.bruteforceSuanShu
BtThis is a FiltrationFunction that returns (B(t_i)), the Brownian motion value at the i-th time point.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.filtrationSuanShu
BurlischStoerExtrapolationBurlisch-Stoer extrapolation (or Gragg-Bulirsch-Stoer (GBS)) algorithm combines three powerful ideas: Richardson extrapolation, the use of rational function extrapolation in Richardson-typeClasscom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.extrapolationSuanShu
BurnInRNGA burn-in random number generator discards the first M samples.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
BurnInRVGA burn-in random number generator discards the first M samples.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
C1See Also:Wikipedia: Smooth functionGet the gradient function, g, of a real valued function f.Interfacecom.numericalmethod.suanshu.analysis.differentiation.differentiabilitySuanShu
C2Interfacecom.numericalmethod.suanshu.analysis.differentiation.differentiabilitySuanShu
C2OptimProblemThis is an optimization problem of a real valued function that is twice differentiable.Interfacecom.numericalmethod.suanshu.optimization.problemSuanShu
C2OptimProblemImplThis is an optimization problem of a real valued function: (max_x f(x)).Classcom.numericalmethod.suanshu.optimization.problemSuanShu
CartesianProductThe Cartesian product can be generalized to the n-ary Cartesian product over n sets X1, .Classcom.numericalmethod.suanshu.misc.algorithmSuanShu
CaseResamplingReplacementThis is the classical bootstrap method described in the reference.Classcom.numericalmethod.suanshu.stats.random.sampler.resampler.bootstrapSuanShu
CauchyPolynomialThe Cauchy's polynomial of a polynomial takes this form: C(x) = Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
CentralPathA central path is a solution to both the primal and dual problems of a semi-definite programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.pathfollowingSuanShu
CetaClasscom.numericalmethod.suanshu.model.lai2010.cetaSuanShu
CetaMaximizerInterfacecom.numericalmethod.suanshu.model.lai2010.ceta.maximizerSuanShu
ChangeOfVariableChange of variable can easy the computation of some integrals, such as improper integrals.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemannSuanShu
CharacteristicPolynomialThe characteristic polynomial of a square matrix is the function The zeros of this polynomial are the eigenvalues of A.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
ChebyshevRuleClasscom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
Cheng1978Cheng, 1978, is a new rejection method for generating beta variates.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.betaSuanShu
ChiSquareDistributionThe Chi-square distribution is the distribution of the sum of the squares of a set of statistically independent standard Gaussian random variables.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
ChiSquareIndependenceTestPearson's chi-square test of independence assesses whether paired observations on two variables, expressed in a contingency table, are independent of each other.Classcom.numericalmethod.suanshu.stats.test.distribution.pearsonSuanShu
CholCholesky decomposition decomposes a real, symmetric (hence square), and positive definite matrix A into A = L * Lt, where L is a lower triangular matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
CholeskyCholesky decomposition decomposes a real, symmetric (hence square), and positive definite matrix A into A = L * Lt, where L is a lower triangular matrix.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
CholeskyBanachiewiczCholesky decomposition decomposes a real, symmetric (hence square), and positive definite matrix A into A = L * Lt, where L is a lower triangular matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
CholeskyBanachiewiczParallelizedThis is a parallelized version of CholeskyBanachiewicz.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
CholeskySparseCholesky decomposition decomposes a real, symmetric (hence square), and positive definite matrix A into A = L * Lt, where L is a lower triangular matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
CholeskyWang2006Cholesky decomposition works only for a positive definite matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangle.choleskySuanShu
ChromosomeA chromosome is a representation of a solution to an optimization problem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithmSuanShu
ClusterAnalyzerThis class counts clusters of exceedances based on observations above a given threshold, and the discontinuity of exceedances can be tolerated by an interval length r.Classcom.numericalmethod.suanshu.stats.evt.clusterSuanShu
ClustersStore cluster information obtained by cluster analysis.Classcom.numericalmethod.suanshu.stats.evt.clusterSuanShu
CointegrationMLETwo or more time series are cointegrated if they each share a common type of stochastic drift, that is, to a limited degree they share a certain type of behavior in terms of their long-term fluctuations,Classcom.numericalmethod.suanshu.stats.cointegrationSuanShu
CollectWorkerCountsRequest to collect the number of workers managed by the slaves.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
ColumnBindMatrixA fast "cbind" matrix from vectors.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
CombinedCetaMaximizerClasscom.numericalmethod.suanshu.model.lai2010.ceta.maximizerSuanShu
CombinedVectorByRefFor efficiency, this wrapper concatenates two or more vectors by references (without data copying).Classcom.numericalmethod.suanshu.algebra.linear.vector.doublesSuanShu
CommonRandomNumbersThe common random numbers is a variance reduction technique to apply when we are comparing two random systems, e.Classcom.numericalmethod.suanshu.stats.random.variancereductionSuanShu
ComplexA complex number is a number consisting of a real number part and an imaginary number part.Classcom.numericalmethod.suanshu.number.complexSuanShu
ComplexMatrixThis is a Complex matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.generic.matrixtypeSuanShu
CompositeDoubleArrayOperationIt is desirable to have multiple implementations and switch between them for, e.Classcom.numericalmethod.suanshu.number.doublearraySuanShu
CompositeLinearCongruentialGeneratorA composite generator combines a number of simple LinearCongruentialGenerator, such as Lehmer, to form one longer period generator by first summing values and then taking modulus.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.linearSuanShu
ConcurrentCachedGeneratorA generic wrapper that makes an underlying item generator thread-safe by caching generated items in a concurrently-accessible list.Classcom.numericalmethod.suanshu.stats.random.rng.concurrent.cacheSuanShu
ConcurrentCachedRLGThis is a fast thread-safe wrapper for random long generators.Classcom.numericalmethod.suanshu.stats.random.rng.concurrent.cacheSuanShu
ConcurrentCachedRNGThis is a fast thread-safe wrapper for random number generators.Classcom.numericalmethod.suanshu.stats.random.rng.concurrent.cacheSuanShu
ConcurrentCachedRVGThis is a fast thread-safe wrapper for random vector generators.Classcom.numericalmethod.suanshu.stats.random.rng.concurrent.cacheSuanShu
ConcurrentStandardNormalRNGClasscom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
ConditionalSumOfSquaresThe method Conditional Sum of Squares (CSS) fits an ARIMA model by minimizing the conditional sum of squares.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
ConfidenceIntervalThis class stores information for a list of confidence intervals, with the same confidence level.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fittingSuanShu
CongruentMatrixGiven a matrix A and an invertible matrix P, we create the congruent matrixSee Also:Wikipedia: Matrix congruenceClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
ConjugateGradientMinimizerA conjugate direction optimization method is performed by using sequential line search along directions that bear a strict mathematical relationship to one another.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.conjugatedirectionSuanShu
ConjugateGradientNormalErrorSolverFor an under-determined system of linear equations, Ax = b, or when the coefficient matrix A is non-symmetric and nonsingular,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
ConjugateGradientNormalResidualSolverFor an under-determined system of linear equations, Ax = b, or when the coefficient matrix A is non-symmetric and nonsingular,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
ConjugateGradientSolverThe Conjugate Gradient method (CG) is useful for solving a symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
ConjugateGradientSquaredSolverThe Conjugate Gradient Squared method (CGS) is useful for solving a non-symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
ConstantDriftVectorThe class represents a constant drift function.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
ConstantsThis class lists the global parameters and constants in this SuanShu library.Classcom.numericalmethod.suanshu.miscSuanShu
ConstantSeederA wrapper that seeds each given seedable random number generator with the given seed(s).Classcom.numericalmethod.suanshu.stats.random.rngSuanShu
ConstantSigma1The class represents a constant diffusion coefficient function.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
ConstantSigma2The class represents a constant diffusion coefficient function.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
ConstrainedCellFactoryThis defines a Differential Evolution operator that takes in account constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptim.constrainedSuanShu
ConstrainedLASSObyLARSThis class solves the constrained form of LASSO by modified least angle regression (LARS) and linear interpolation:Classcom.numericalmethod.suanshu.stats.regression.linear.lassoSuanShu
ConstrainedLASSOProblemA LASSO (least absolute shrinkage and selection operator) problem focuses on solving an RSS (residual sum of squared errors) problem with L1 regularization.Classcom.numericalmethod.suanshu.stats.regression.linear.lassoSuanShu
ConstrainedMinimizerA constrained minimizer solves a constrained optimization problem, namely, ConstrainedOptimProblem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrainedSuanShu
ConstrainedOptimProblemA constrained optimization problem takes this form.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.problemSuanShu
ConstrainedOptimProblemImpl1This implements a constrained optimization problem for a function f subject to equality and less-than-or-equal-to constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.problemSuanShu
ConstrainedOptimSubProblemA constrained optimization sub-problem takes this form.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrainedSuanShu
ConstraintsA set of constraints for a (real-valued) optimization problem is a set of functions.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.constraintSuanShu
ConstraintsUtilsThese are the utility functions for manipulating Constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraintSuanShu
ContextRNGThis uniform number generator generates independent sequences of random numbers per context.Classcom.numericalmethod.suanshu.stats.random.rng.concurrent.contextSuanShu
ContinuedFractionA continued fraction representation of a number has this form: z = b_0 + cfrac{a_1}{b_1 + cfrac{a_2}{b_2 + cfrac{a_3}{b_3 + cfrac{a_4}{b_4 + ddots,}}}}Classcom.numericalmethod.suanshu.analysis.function.rn2r1.univariateSuanShu
ControlVariatesControl variates method is a variance reduction technique that exploits information about the errors in estimates of known quantities to reduce the error of an estimate of an unknownClasscom.numericalmethod.suanshu.stats.random.variancereductionSuanShu
ConvectionDiffusionEquation1DClasscom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim1.convectiondiffusionequationSuanShu
ConvergenceFailureThis exception is thrown by IterativeLinearSystemSolver.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterativeSuanShu
CorrelationMatrixThe correlation matrix of n random variables X1, .Classcom.numericalmethod.suanshu.stats.descriptive.correlationSuanShu
Corvalan2005Classcom.numericalmethod.suanshu.model.corvalan2005SuanShu
CounterA counter keeps track of the number of occurrences of numbers.Classcom.numericalmethod.suanshu.combinatoricsSuanShu
CountMonitorThis IterationMonitor counts the number of iterates generated, hence the number of iterations.Classcom.numericalmethod.suanshu.misc.algorithm.iterative.monitorSuanShu
CourantPenaltyThis penalty function sums up the squared error penalties.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
CovarianceCovariance is a measure of how much two variables change together.Classcom.numericalmethod.suanshu.stats.descriptive.covarianceSuanShu
CovarianceEstimationEstimates the covariance matrix by maximum likelihood.Classcom.numericalmethod.suanshu.model.daspremont2008SuanShu
CovarianceSelectionGLASSOFASTGLASSOFAST is the Graphical LASSO algorithm to solve the covariance selection problem.Classcom.numericalmethod.suanshu.model.covarianceselection.lassoSuanShu
CovarianceSelectionLASSOThe LASSO approach of covariance selection.Classcom.numericalmethod.suanshu.model.covarianceselection.lassoSuanShu
CovarianceSelectionProblemThis class defines the covariance selection problem outlined in d'Aspremont (2008).Classcom.numericalmethod.suanshu.model.covarianceselectionSuanShu
CovarianceSelectionSolverGet the estimated Covariance matrix of the selection problem.Interfacecom.numericalmethod.suanshu.model.covarianceselectionSuanShu
CramerVonMises2SamplesThis algorithm calculates the two sample Cramer-Von Mises test statistic and p-value.Classcom.numericalmethod.suanshu.stats.test.distributionSuanShu
CrankNicolsonConvectionDiffusionEquation1DThis class uses the Crank-Nicolson scheme to obtain a numerical solution of a one-dimensional convection-diffusion PDE.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim1.convectiondiffusionequationSuanShu
CrankNicolsonHeatEquation1DThe Crank-Nicolson method is an algorithm for obtaining a numerical solution to parabolic PDE problems.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim1.heatequationSuanShu
CSDPMinimizerSee Also:"Borchers, Brian, "CSDP, a C Library for Semidefinite Programming", Optimization Methods and Software 11(1): 613-623, 1999.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.pathfollowingSuanShu
CSRSparseMatrixThe Compressed Sparse Row (CSR) format for sparse matrix has this representation: (value, col_ind, row_ptr).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
CubicHermiteCubic Hermite spline interpolation is a piecewise spline interpolation, in which each polynomial is in Hermite form which consists of two control points and two control tangents.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
CubicRootThis is a cubic equation solver.Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
CubicSplineThe (natural) cubic spline interpolation fits a cubic polynomial between each pair of adjacent points such that adjacent cubics are continuous in their first and second derivative.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
CumulativeNormalHastingsHastings algorithm is faster but less accurate way to compute the cumulative standard Normal.Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
CumulativeNormalInverseThe inverse of the cumulative standard Normal distribution function is defined as: This implementation uses the Beasley-Springer-Moro algorithm.Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
CumulativeNormalMarsagliaMarsaglia is about 3 times slower but is more accurate to compute the cumulative standard Normal.Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
CurveFittingCurve fitting is the process of constructing a curve, or mathematical function, that has the best fit to a series of data points, possibly subject to constraints.Interfacecom.numericalmethod.suanshu.analysis.curvefitSuanShu
DAgostinoD'Agostino's K2 test is a goodness-of-fit measure of departure from normality.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
DAGraphA directed acyclic graph (DAG), is a directed graph with no directed cycles.Interfacecom.numericalmethod.suanshu.graphSuanShu
Dai2011HMMCreates a two-state Geometric Brownian Motion with a constant volatility.Classcom.numericalmethod.suanshu.model.dai2011SuanShu
Dai2011SolverSolves the stochastic control problem in the referenced paper to get the two Min Dai, Qing Zhang and Qiji Jim Zhu, "Optimal Trend Following TradingClasscom.numericalmethod.suanshu.model.dai2011SuanShu
DateTimeGenericTimeSeriesClasscom.numericalmethod.suanshu.stats.timeseries.datastructureSuanShu
DateTimeTimeSeriesThis is a time series has its double values indexed by DateTime.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.univariateSuanShu
DBetaThis is the first order derivative function of the Beta function w.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DBetaRegularizedThis is the first order derivative function of the Regularized Incomplete Beta function, BetaRegularized, w.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DeepCopyableThis interface provides a way to do polymorphic copying.Interfacecom.numericalmethod.suanshu.miscSuanShu
DefaultDynamicCreatorConfigurationDefault settings for DynamicCreatorConfiguration.Classcom.numericalmethod.suanshu.grid.config.dcSuanShu
DefaultGridExecutorFactoryThe default factory that creates instances of GridExecutor.Classcom.numericalmethod.suanshu.grid.executorSuanShu
DefaultMatrixStorageThere are multiple ways to implement the storage data structure depending on the matrix type for optimization purpose.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtypeSuanShu
DefaultSimplexA simplex optimization algorithm, e.Classcom.numericalmethod.suanshu.optimization.multivariate.initializationSuanShu
DefaultTestRemoteConfigurationSimple remote configuration that replaces everything but the hosts with the default remote configuration - similar to leaving out the relevant elements in an XML configuration files.Classcom.numericalmethod.suanshu.grid.test.configSuanShu
DeflationA deflation found in a Hessenberg (or tridiagonal in symmetric case) matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
DeflationCriterionDetermines whether a sub-diagonal entry is sufficiently small to be neglected.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
DenseDataThis implementation of the storage of a dense matrix stores the data of a 2D matrix as an 1D In general, computing index for a double[] is faster than that for a double[][].Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.denseSuanShu
DenseMatrixThis class implements the standard, dense, double based matrix representation.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.denseSuanShu
DenseMatrixMultiplicationMatrix operation that multiplies two matrices.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperation.multiplicationSuanShu
DenseMatrixMultiplicationByBlockClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperation.multiplicationSuanShu
DenseMatrixMultiplicationByIjk parallel execution with multiple threads.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperation.multiplicationSuanShu
DenseVectorThis class implements the standard, dense, double based vector representation.Classcom.numericalmethod.suanshu.algebra.linear.vector.doubles.denseSuanShu
DensifiableThis interface specifies whether a matrix implementation can be efficiently converted to the standard dense matrix representation.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.denseSuanShu
DEOptimDifferential Evolution (DE) is a global optimization method.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptimSuanShu
DEOptimCellFactoryA DEOptimCellFactory produces DEOptimCellFactory.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptimSuanShu
DErfThis is the first order derivative function of the Error function, Erf.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DerivativeFunctionDefines the derivative function F(x, y) for ODE problems.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.problemSuanShu
DfdxThe first derivative is a measure of how a function changes as its input changes.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DFPMinimizerThe Davidon-Fletcher-Powell method is a quasi-Newton method to solve unconstrained nonlinear optimization problems.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
DFSThis class implements the depth-first-search using iteration.Classcom.numericalmethod.suanshu.graph.algorithm.traversalSuanShu
DGammaThis is the first order derivative function of the Gamma function, ({d mathrm{Gamma}(x) over dx}).Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DGaussianThis is the first order derivative function of a Gaussian function, ({d mathrm{phi}(x) over dx}).Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DiagonalMatrixA diagonal matrix has non-zero entries only on the main diagonal.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.diagonalSuanShu
DiagonalSumAdd diagonal elements to a matrix, an efficient implementation.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
DifferencedIntTimeTimeSeriesDifferencing of a time series xt in discrete time t is the transformation of the series to a new time series (1-B)xt where the new valuesClasscom.numericalmethod.suanshu.stats.timeseries.datastructure.univariate.realtime.inttimeSuanShu
DiffusionInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.coefficientsSuanShu
DiffusionMatrixInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
DiffusionSigmaThis class implements the diffusion term in the form of a diffusion matrix.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
DigammaThe digamma function is defined as the logarithmic derivative of the gamma function.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
DiGraphA directed graph or digraph is a graph, or set of nodes connected by edges, where the edges have a direction associated with them.Interfacecom.numericalmethod.suanshu.graphSuanShu
DimensionCheckThese are the utility functions for checking table dimension.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
DirichletDistributionThe Dirichlet distribution (after Peter Gustav Lejeune Dirichlet), often denoted Dir(a), is a family of continuous multivariate probability distributions parametrized by a vectorClasscom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
DiscreteHMMThis is the discrete hidden Markov model as defined by Rabiner.Classcom.numericalmethod.suanshu.stats.hmm.discreteSuanShu
DiscreteSDEThis interface represents the discrete approximation of a univariate SDE.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.discreteSuanShu
DiversificationMeasureDefines the diversification of a portfolio.Interfacecom.numericalmethod.suanshu.model.corvalan2005.diversificationSuanShu
DividedDifferencesDivided differences is recursive division process for calculating the coefficients in the interpolation polynomial in the Newton form.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
DLMThis is the multivariate controlled DLM (controlled Dynamic Linear Model) specification.Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
DLMSeriesThis is a simulator for a multivariate controlled dynamic linear model process.Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
DLMSimThis is a simulator for a univariate controlled dynamic linear model process.Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
DOKSparseMatrixThe Dictionary Of Key (DOK) format for sparse matrix uses the coordinates of non-zero entries in the matrix as keys.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
DoolittleDoolittle algorithm is a LU decomposition algorithm which decomposes a square matrix P is an n x n permutation matrix;L is an n x n (unit) lower triangular matrix;U is an n x n upper triangular matrix,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangleSuanShu
DoubleArrayMathThese are the math functions that operate on double[].Classcom.numericalmethod.suanshu.number.doublearraySuanShu
DoubleArrayOperationIt is possible to provide different implementations for different platforms, hardware, etc.Interfacecom.numericalmethod.suanshu.number.doublearraySuanShu
DoubleExponentialThis transformation speeds up the convergence of the Trapezoidal Rule exponentially.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
DoubleExponential4HalfRealLineThis transformation is good for the region ((0, +infty)).Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
DoubleExponential4RealLineThis transformation is good for the region ((-infty, +infty)).Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
DoubleUtilsThese are the utility functions to manipulate double and int.Classcom.numericalmethod.suanshu.numberSuanShu
DPolynomialThis is the first order derivative function of a Polynomial, which, again, is a polynomial.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
DQDSComputes all the eigenvalues of the symmetric positive definite tridiagonal matrix associated with the qd-array Z to high relative accuracy.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.dqdsSuanShu
DriftInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.coefficientsSuanShu
DriftVectorInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
DuplicatedAbscissaeThis exception is thrown when a function has two same x-abscissae, hence ill-defined.Classcom.numericalmethod.suanshu.analysis.function.tupleSuanShu
DynamicCreatorPerforms the Dynamic Creation algorithm (DC) to generate parameters for MersenneTwister.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwister.dynamiccreationSuanShu
DynamicCreatorConfigJava class for dynamicCreatorConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
DynamicCreatorConfigurationConfiguration for the Mersenne Twister Dynamic Creator (MT-DC), that is used to generate independent random number generators.Interfacecom.numericalmethod.suanshu.grid.config.dcSuanShu
DynamicCreatorExceptionIndicates that a problem has occurred in the dynamic creation process, usually because suitable parameters were not found.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwister.dynamiccreationSuanShu
EdgeAn edge connects a pair of vertices.Interfacecom.numericalmethod.suanshu.graphSuanShu
EdgeBetweenessThe edge betweenness centrality is defined as the number of the shortest paths that go through an edge in a graph or network.Classcom.numericalmethod.suanshu.graph.communitySuanShu
EigenClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
EigenBoundUtilsUtility methods for computing bounds of eigenvalues.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
EigenCountCounts the number of eigenvalues in a symmetric tridiagonal matrix T that are less than aSee Also:"W.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
EigenCountInRangeClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
EigenDecompositionClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
EigenPropertyEigenProperty is a read-only structure that contains the information about a particular eigenvalue,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
EigenvalueByDQDSComputes all the eigenvalues of a symmetric tridiagonal matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.dqdsSuanShu
ElementaryFunctionThis class contains some elementary functions for complex number, Complex.Classcom.numericalmethod.suanshu.number.complexSuanShu
ElementaryOperationThere are three elementary row operations which are equivalent to left multiplying an elementary They are row switching, row multiplication, and row addition.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
EliminationByAICIn each step, a factor is dropped if the resulting model has the least AIC, until no factor removal can result in a model with AIC lower than the current AIC.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
EliminationByZValueIn each step, the factor with the least z-value is dropped, until all z-values are greater than the critical value (given by the significance level).Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
Elliott2005DLMThis class implements the Kalman filter model as in Elliott's paper.Classcom.numericalmethod.suanshu.model.elliott2005SuanShu
ElliottOnlineFilterIt is important to note that this algorithm does not guarantee that Therefore, we need to check the outputs.Classcom.numericalmethod.suanshu.model.elliott2005SuanShu
EmpiricalACERThis class contains empirical ACER (hat{epsilon_k}(eta_i)) values and other related statistics estimated from observations.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
EmpiricalACEREstimationThis class estimates empirical ACER values from the given observations.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
EmpiricalACERStatisticsThis class contains the computed statistics of the estimated ACERs.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
EmpiricalDistributionAn empirical cumulative probability distribution function is a cumulative probability distribution function thatClasscom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
EpsilonStatisticsCalculatorCompute statistics: mean, confidence interval of estimated ACER values (epsilon_k(eta_i)).Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acer.empiricalSuanShu
EqualityConstraintsThe domain of an optimization problem may be restricted by equality constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.constraintSuanShu
ErfThe Error function is defined as: operatorname{erf}(x) = frac{2}{sqrt{pi}}int_{0}^x e^{-t^2} dtClasscom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
ErfcThis complementary Error function is defined as: operatorname{erfc}(x)Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
ErfInverseThe inverse of the Error function is defined as: operatorname{erf}^{-1}(x)Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
ErgodicHybridMCMCA simple decorator which will randomly vary dt between each sample.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.hybridSuanShu
EstimatorGets the expectation of the estimator.Interfacecom.numericalmethod.suanshu.stats.randomSuanShu
EulerMethodThe Euler method is a first-order numerical procedure for solving ordinary differential equations (ODEs) with a given initial value.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solverSuanShu
EulerSDEThe Euler scheme is the first order approximation of an SDE.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.discreteSuanShu
EvenlySpacedGridThis is an evenly spaced time grid.Classcom.numericalmethod.suanshu.stats.stochasticprocess.timegridSuanShu
ExceptionUtilsException-related utility functions.Classcom.numericalmethod.suanshu.miscSuanShu
ExpectationAtEndTimeThis class computes the expectation (mean) and the variance of a stochastic process, by Monte Carlo simulation, at the end of an interval: (E(X_T)).Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.randomSuanShu
ExplicitCentralDifference1DThis explicit central difference method is a numerical technique for solving the one-dimensional wave equation by the following explicitClasscom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.hyperbolic.dim1SuanShu
ExplicitCentralDifference2DThis explicit central difference method is a numerical technique for solving the two-dimensional wave equation by the following explicitClasscom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.hyperbolic.dim2SuanShu
ExponentialThis transformation is good for when the lower limit is finite, the upper limit is infinite, and the integrand falls off exponentially.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
ExponentialDistributionThe exponential distribution describes the times between events in a Poisson process, a process in which events occur continuously and independently at a constant average rate.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
ExponentialMixtureDistributionThe HMM states use the Exponential distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
ExpTemperatureFunctionLogarithmic decay, where (T_k = T_0 * 0.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
ExtremalGeneralizedEigenvalueByGreedySearch [ min_x frac{x'Ax}{x'Bx} \ extup{s.Classcom.numericalmethod.suanshu.model.daspremont2008SuanShu
ExtremalGeneralizedEigenvalueBySDPSolves the problem described in Section 3.Classcom.numericalmethod.suanshu.model.daspremont2008SuanShu
ExtremalGeneralizedEigenvalueSolverComputes the solution to the problem described in Section 3.Interfacecom.numericalmethod.suanshu.model.daspremont2008SuanShu
ExtremalIndexByClusterSizeReciprocalThis class estimates the extremal index by the reciprocal of the average cluster size.Classcom.numericalmethod.suanshu.stats.evt.exiSuanShu
ExtremalIndexByFerroSeegersThis class estimates the extremal index from observations by the algorithm proposed by Ferro and The R equivalent function is evd::exi.Classcom.numericalmethod.suanshu.stats.evt.exiSuanShu
ExtremalIndexEstimationThe extremal index ( heta in [0,1]) characterizes the degree of local dependence in the extremes of a stationary time series.Interfacecom.numericalmethod.suanshu.stats.evt.exiSuanShu
ExtremeValueMCSimulation of first order extreme value Markov chains such that each pair of consecutive values has the dependence structure of given bivariate extreme value distributions.Classcom.numericalmethod.suanshu.stats.evt.markovchainSuanShu
FThe F-test tests whether two normal populations have the same variance.Classcom.numericalmethod.suanshu.stats.test.varianceSuanShu
F_Sum_BtDtThis represents a function of this integral I = int_{0}^{1} B(t)dtClasscom.numericalmethod.suanshu.stats.stochasticprocess.univariate.filtrationSuanShu
F_Sum_tBtDtThis represents a function of this integral int_{0}^{1} (t - 0.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.filtrationSuanShu
FactorAnalysisFactor analysis is a statistical method used to describe variability among observed variables in terms of a potentially lower number of unobservedClasscom.numericalmethod.suanshu.stats.factoranalysisSuanShu
FAEstimatorThese are the estimators (estimated psi, loading matrix, scores, degrees of freedom, test statistics, p-value, etc.Classcom.numericalmethod.suanshu.stats.factoranalysisSuanShu
FailureDetectingTestRemoteConfigurationSimilar to DefaultTestRemoteConfiguration but adds failure detection.Classcom.numericalmethod.suanshu.grid.test.configSuanShu
FailureDetectionConfigJava class for failureDetectionConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
FailureDetectorActs on behalf of the master and keeps track of all the work that was delegated, as well as the responses that were received.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
FastAnnealingFunctionMatlab default: @annealingfast - The step has length temperature, with direction uniformly at random.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
FastKroneckerProductThis is a fast and memory-saving implementation of computing the Kronecker product.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
FastTemperatureFunctionLinear decay, where (T_k = T_0 / k).Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
FDistributionThe F distribution is the distribution of the ratio of two independent chi-squared variates.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
FerrisMangasarianWrightPhase1The phase 1 procedure finds a feasible table from an infeasible one by pivoting the simplex table of a related problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplexSuanShu
FerrisMangasarianWrightPhase2This implementation solves a canonical linear programming problem that does not need preprocessing its simplex table.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solverSuanShu
FerrisMangasarianWrightScheme2The scheme 2 procedure removes equalities and free variables.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplexSuanShu
FibonacciA Fibonacci sequence starts with 0 and 1 as the first two numbers.Classcom.numericalmethod.suanshu.analysis.sequenceSuanShu
FibonaccMinimizerThe Fibonacci search is a dichotomous search where a bracketing interval is sub-divided by the Fibonacci ratio.Classcom.numericalmethod.suanshu.optimization.univariate.bracketsearchSuanShu
FieldAs an algebraic structure, every field is a ring, but not every ring is a field.Classcom.numericalmethod.suanshu.algebra.structureSuanShu
FilterA filter, for signal processing, takes (real) input signal and transforms it to (real) output signal.Interfacecom.numericalmethod.suanshu.dsp.univariate.operation.system.doublesSuanShu
FiltrationThis class represents the filtration information known at the end of time.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.filtrationSuanShu
FiltrationFunctionA filtration function, parameterized by a fixed filtration, is a function of time, (f(mathfrak{F_{t_i}})).Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.filtrationSuanShu
FiniteDifferenceA finite difference (divided by a small increment) is an approximation of the derivative of a The accuracy depends on the function to take the derivative of.Classcom.numericalmethod.suanshu.analysis.differentiation.univariateSuanShu
FirstGenerationThis interface allows customization of how the first pool of chromosomes is generated.Interfacecom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegrid.firstgenerationSuanShu
FirstOrderMinimizerThis implements the steepest descent line search using the first order expansion of the Taylor's series.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.steepestdescentSuanShu
FisherExactDistributionFisher's exact test distribution is, as its name states, exact, and can therefore be used regardless of the sample characteristics.Classcom.numericalmethod.suanshu.stats.test.distribution.pearsonSuanShu
FixedEffectsModelFits the panel data to this linear model: y_{it} = alpha_{i}+X_{it}mathbf{eta}+u_{it}Classcom.numericalmethod.suanshu.stats.regression.linear.panelSuanShu
FletcherLineSearchThis is Fletcher's inexact line search method.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.linesearchSuanShu
FletcherPenaltyThis penalty function sums up the squared costs penalties.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
FletcherReevesMinimizerThe Fletcher-Reeves method is a variant of the Conjugate-Gradient method.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.conjugatedirectionSuanShu
FlexibleTableThis is a 2D table that can shrink or grow by row or by column.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
ForestA forest is a disjoint union of trees.Interfacecom.numericalmethod.suanshu.graphSuanShu
ForwardBackwardProcedureThe forward-backward procedure is an inference algorithm for hidden Markov models which computes the posterior marginals of all hidden state variablesClasscom.numericalmethod.suanshu.stats.hmmSuanShu
ForwardSelectionConstructs a GLM model for a set of observations using the forward selection method.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
ForwardSubstitutionForward substitution solves a matrix equation in the form Lx = b by an iterative process for a lower triangular matrix L.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
FrechetDistributionClasscom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
FtThis represents the concept 'Filtration', the information available at time t.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sdeSuanShu
FtAdaptedFunctionInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sdeSuanShu
FtAdaptedRealFunctionInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sdeSuanShu
FtAdaptedVectorFunctionInterfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sdeSuanShu
FtWtClasscom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sdeSuanShu
FunctionThe mathematical concept of a function expresses the idea that one quantity (the argument of the function, also known as the input) completely determines another quantity (the value, or output).Interfacecom.numericalmethod.suanshu.analysis.functionSuanShu
FunctionA function in the classical sense, that it maps from an input to an output.Interfacecom.numericalmethod.suanshu.grid.functionSuanShu
FunctionOpsThese are some commonly used mathematical functions.Classcom.numericalmethod.suanshu.analysis.functionSuanShu
GammaThe Gamma function is an extension of the factorial function to real and complex numbers, with its argument shifted down by 1.Interfacecom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaDistributionThis gamma distribution, when k is an integer, is the distribution of the sum of k independent exponentially distributed random variables,Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
GammaGergoNemesThe Gergo Nemes' algorithm is very simple and quick to compute the Gamma function, if accuracy is not critical.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaLanczosLanczos approximation provides a way to compute the Gamma function such that the accuracy can be made arbitrarily precise.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaLanczosQuickLanczos approximation, computations are done in double.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaLowerIncompleteThe Lower Incomplete Gamma function is defined as: gamma(s,x) = int_0^x t^{s-1},e^{-t},{ m d}t = P(s,x)Gamma(s)Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaMixtureDistributionThe HMM states use the Gamma distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
GammaRegularizedPThe Regularized Incomplete Gamma P function is defined as: P(s,x) = frac{gamma(s,x)}{Gamma(s)} = 1 - Q(s,x), s geq 0, x geq 0Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaRegularizedPInverseThe inverse of the Regularized Incomplete Gamma P function is defined as: x = P^{-1}(s,u), 0 geq u geq 1Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaRegularizedQThe Regularized Incomplete Gamma Q function is defined as: Q(s,x)=frac{Gamma(s,x)}{Gamma(s)}=1-P(s,x), s geq 0, x geq 0Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GammaUpperIncompleteThe Upper Incomplete Gamma function is defined as: Gamma(s,x) = int_x^{infty} t^{s-1},e^{-t},{ m d}t = Q(s,x) imes Gamma(s)Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
GARCH11ModelAn GARCH11 model takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.garchSuanShu
GARCHFitThis implementation fits, for a data set, a Generalized Autoregressive Conditional Heteroscedasticity (GARCH) modelClasscom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.garchSuanShu
GARCHModelThe GARCH(p, q) model takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.garchSuanShu
GARCHResamplerFactoryClasscom.numericalmethod.suanshu.model.lai2010.ceta.npeb.resamplerSuanShu
GARCHSimThis class simulates the GARCH models of this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.garchSuanShu
GaussChebyshevQuadratureGauss-Chebyshev Quadrature uses the following weighting function: w(x) = frac{1}{sqrt{1 - x^2}}Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussianSuanShu
GaussHermiteQuadratureGauss-Hermite quadrature exploits the fact that quadrature approximations are open integration formulas (that is, the values of the endpoints are not required) to evaluate of integrals in theClasscom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussianSuanShu
GaussianThe Gaussian function is defined as: f(x) = a e^{- { frac{(x-b)^2 }{ 2 c^2} } }Classcom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
GaussianEliminationThe Gaussian elimination performs elementary row operations to reduce a matrix to the row echelon form.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.gaussianeliminationSuanShu
GaussianElimination4SquareMatrixThis is a wrapper for GaussianElimination but applies only to square matrices.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.gaussianeliminationSuanShu
GaussianProposalFunctionA proposal generator where each perturbation is a random vector, where each element is drawn from a standard Normal distribution, multiplied by a scale matrix.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.proposalfunctionSuanShu
GaussianQuadratureA quadrature rule is a method of numerical integration in which we approximate the integral of a function by a weighted sum of sample points.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussianSuanShu
GaussianQuadratureRuleThis interface defines a Gaussian quadrature rule used in Gaussian quadrature.Interfacecom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
GaussJordanEliminationGauss-Jordan elimination performs elementary row operations to reduce a matrix to the reduced row echelon form.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.gaussianeliminationSuanShu
GaussLaguerreQuadratureGauss-Laguerre quadrature exploits the fact that quadrature approximations are open integration formulas (i.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussianSuanShu
GaussLegendreQuadratureGauss-Legendre quadrature considers the simplest case of uniform weighting: (w(x) = 1).Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussianSuanShu
GaussNewtonMinimizerThe Gauss-Newton method is a steepest descent method to minimize a real vector function in the form: f(x) = [f_1(x), f_2(x), .Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.steepestdescentSuanShu
GaussSeidelSolverSimilar to the Jacobi method, the Gauss-Seidel method (GS) solves each equation in sequential order.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.stationarySuanShu
GBMProcessA Geometric Brownian motion (GBM) (occasionally, exponential Brownian motion) is a continuous-time stochastic process in which the logarithm of the randomly varying quantity follows a Brownian motion.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.processSuanShu
GeneralConstraintsThe real-valued constraints define the domain (feasible regions) for a real-valued objective function in a constrained optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.generalSuanShu
GeneralEqualityConstraintsThis is the collection of equality constraints for an optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.generalSuanShu
GeneralGreaterThanConstraintsThis is the collection of greater-than-or-equal-to constraints for an optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.generalSuanShu
GeneralizedConjugateResidualSolverThe Generalized Conjugate Residual method (GCR) is useful for solving a non-symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
GeneralizedEVDClasscom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
GeneralizedLinearModelThe Generalized Linear Model (GLM) is a flexible generalization of the Ordinary Least Squares regression.Classcom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
GeneralizedLinearModelQuasiFamilyGLM for the quasi-families.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasiSuanShu
GeneralizedMinimalResidualSolverThe Generalized Minimal Residual method (GMRES) is useful for solving a non-symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
GeneralizedParetoDistributionGeneralized Pareto distribution (GPD) is used for modeling exceedances over (or shortfalls below) a threshold.Classcom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
GeneralizedSimulatedAnnealingMinimizerTsallis and Stariolo (1996) proposed this variant of SimulatedAnnealingMinimizer (SA).Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealingSuanShu
GeneralLessThanConstraintsThis is the collection of less-than or equal-to constraints for an optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.generalSuanShu
GenericFieldMatrixThis is a generic matrix over a Field.Classcom.numericalmethod.suanshu.algebra.linear.matrix.generic.matrixtypeSuanShu
GenericMatrixThis class defines a matrix over a field.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.genericSuanShu
GenericMatrixAccessThis interface defines the methods for accessing entries in a matrix over a field.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.genericSuanShu
GenericTimeTimeSeriesThis is a univariate time series indexed by some notion of time.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.univariateSuanShu
GeneticAlgorithmA genetic algorithm (GA) is a search heuristic that mimics the process of natural evolution.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithmSuanShu
GetResultsBasic message that is used to ask the for the final result.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
GetvecClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3.getvecSuanShu
GEVFittingByMaximumLikelihoodEstimate the GeneralizedEVD parameter from the observations by maximum likelihood approach.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fittingSuanShu
GirvanNewmanClasscom.numericalmethod.suanshu.graph.communitySuanShu
GirvanNewmanUnDiGraphClasscom.numericalmethod.suanshu.graph.communitySuanShu
GivensMatrixGivens rotation is a rotation in the plane spanned by two coordinates axes.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtypeSuanShu
GlejserThe Glejser test tests for conditional heteroskedasticity.Classcom.numericalmethod.suanshu.stats.test.regression.linear.heteroskedasticitySuanShu
GLMBetaClasscom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
GLMBinomialThis is the Binomial distribution of the error distribution in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMExponentialDistributionThis interface represents a probability distribution from the exponential family.Interfacecom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMFamilyFamily provides a convenient way to specify the error distribution and link function used in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMFittingInterfacecom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
GLMGammaThis is the Gamma distribution of the error distribution in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMGaussianThis is the Gaussian distribution of the error distribution in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMInverseGaussianThis is the Inverse Gaussian distribution of the error distribution in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMModelSelectionGiven a set of observations {y, X}, we would like to construct a GLM to explain the data.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
GLMPoissonThis is the Poisson distribution of the error distribution in GLM model.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distributionSuanShu
GLMProblemThis is a Generalized Linear regression problem.Classcom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
GLMResidualsResidual analysis of the results of a Generalized Linear Model regression.Classcom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
GlobalSearchByLocalMinimizerThis minimizer is a global optimization method.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.localSuanShu
GoldenMinimizerThis is the golden section univariate minimization algorithm.Classcom.numericalmethod.suanshu.optimization.univariate.bracketsearchSuanShu
GoldfeldQuandtTrotterGoldfeld, Quandt and Trotter propose the following way to coerce a non-positive definite Hessian matrix to become symmetric, positive definite.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.positivedefiniteSuanShu
GolubKahanSVDGolub-Kahan algorithm does the SVD decomposition of a tall matrix in two stages.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svdSuanShu
GomoryMixedCutMinimizerThis cutting-plane implementation uses Gomory's mixed cut method.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.cuttingplaneSuanShu
GomoryPureCutMinimizerThis cutting-plane implementation uses Gomory's pure cut method for pure integer programming, in which all variables are integral.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.cuttingplaneSuanShu
GradientThe gradient of a scalar field is a vector field which points in the direction of the greatest rate of increase of the scalar field, and of which the magnitude is the greatest rate of change.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
GradientFunctionThe gradient function, g(x), evaluates the gradient of a real scalar function f at a point x.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
GramSchmidtThe Gram-Schmidt process is a method for orthogonalizing a set of vectors in an inner product space.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.qrSuanShu
GraphA graph is a representation of a set of objects where some pairs of the objects are connected by links.Interfacecom.numericalmethod.suanshu.graphSuanShu
GraphTraversalA spanning tree T of a connected, undirected graph G is a tree composed of all the vertices and some (or perhaps all) of the edges of G.Interfacecom.numericalmethod.suanshu.graph.algorithm.traversalSuanShu
GraphUtilsThese are the utility functions to manipulate Graph.Classcom.numericalmethod.suanshu.graphSuanShu
GreaterThanConstraintsThe domain of an optimization problem may be restricted by greater-than or equal-to constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.constraintSuanShu
GridConfigJava class for gridConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
GridExecutorInstances of this class can run code that can be distributed across multiple machines (or CPU Note that if a function invocation fails, for example by throwing an exception, null willInterfacecom.numericalmethod.suanshu.grid.executorSuanShu
GridExecutorFactoryFactory that creates GridExecutor.Interfacecom.numericalmethod.suanshu.grid.executorSuanShu
GridExecutorFactoryFromConfigGenerates GridExecutor according to the settings in the configuration file.Classcom.numericalmethod.suanshu.grid.config.xmlSuanShu
GridRouterConfigAssigns work to slaves (that is, routing) in an efficient manner.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
GridSearchCetaMaximizerClasscom.numericalmethod.suanshu.model.lai2010.ceta.maximizerSuanShu
GridSearchMinimizerThis performs a grid search to find the minimum of a univariate function.Classcom.numericalmethod.suanshu.optimization.univariateSuanShu
GroupResamplerClasscom.numericalmethod.suanshu.stats.random.sampler.resampler.multivariateSuanShu
GroupResamplerFactoryCreates re-samplers that do re-sampling for the whole group of stocks together.Classcom.numericalmethod.suanshu.model.lai2010.ceta.npeb.resamplerSuanShu
GSAAcceptanceProbabilityFunctionThe GSA acceptance probability function.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.acceptanceprobabilityfunctionSuanShu
GSAAnnealingFunctionThe GSA proposal/annealing function.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
GSATemperatureFunctionThe GSA temperature function.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
GumbelDistributionThe Gumbel distribution is a special case (Type I) of the generalized extreme value distribution, The cumulative distribution function isClasscom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
HalleyRootHalley's method is an iterative root finding method for a univariate function with a continuous second derivative, i.Classcom.numericalmethod.suanshu.analysis.root.univariateSuanShu
HarveyGodfreyThe Harvey-Godfrey test tests for conditional heteroskedasticity.Classcom.numericalmethod.suanshu.stats.test.regression.linear.heteroskedasticitySuanShu
HConstructionA construction of extreme and trade points based on H discretization, ignoring changes smaller than H.Classcom.numericalmethod.suanshu.model.hvolatilitySuanShu
HeatEquation1DA one-dimensional heat equation (or diffusion equation) is a parabolic PDE that takes the frac{partial u}{partial t} = eta frac{partial^2 u}{partial x^2},Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim1.heatequationSuanShu
HeatEquation2DA two-dimensional heat equation (or diffusion equation) is a parabolic PDE that takes the frac{partial u}{partial t}Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.parabolic.dim2SuanShu
HermitePolynomialsA Hermite polynomial is defined by the recurrence relation below.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
HermiteRuleClasscom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
HessenbergAn upper Hessenberg matrix is a square matrix which has zero entries below the first 0 & 9 & 10 & 11 & \Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
HessenbergDecompositionGiven a square matrix A, we find Q such that Q' * A * Q = H where H is a Hessenberg matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
HessenbergDeflationSearchGiven a Hessenberg matrix, this class searches the largest unreduced Hessenberg sub-matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
HessianThe Hessian matrix is the square matrix of the second-order partial derivatives of a multivariate function.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
HessianFunctionThe Hessian function, H(x), evaluates the Hessian of a real scalar function f at a point x.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
HeteroskedasticityA heteroskedasticity test tests, for a linear regression model, whether the estimated variance of the residuals from a regression is dependent on the values of the independent variables (regressors).Classcom.numericalmethod.suanshu.stats.test.regression.linear.heteroskedasticitySuanShu
HiddenMarkovModelClasscom.numericalmethod.suanshu.stats.hmmSuanShu
HilbertMatrixA Hilbert matrix, H, is a symmetric matrix with entries being the unit fractions H[i][j] = 1 / (i + j -1)Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtypeSuanShu
HilbertSpaceA Hilbert space is an inner product space, an abstract vector space in which distances and angles can be measured.Interfacecom.numericalmethod.suanshu.algebra.structureSuanShu
HmmInnovationAn HMM innovation consists of a state and an observation in the state.Classcom.numericalmethod.suanshu.stats.hmmSuanShu
HMMRNGIn a (discrete) hidden Markov model, the state is not directly visible, but output, dependent on the state, is visible.Classcom.numericalmethod.suanshu.stats.hmmSuanShu
HomogeneousPathFollowingMinimizerThis implementation solves a Semi-Definite Programming problem using the Homogeneous Self-Dual Path-Following algorithm.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.pathfollowingSuanShu
HornerSchemeHorner scheme is an algorithm for the efficient evaluation of polynomials in monomial form.Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
HostDefines a host on a remote (or local) port.Classcom.numericalmethod.suanshu.grid.config.remoteSuanShu
Householder4SubVectorFaster implementation of Householder reflection for sub-vectors at a given index.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.householderSuanShu
Householder4ZeroGeneratorFaster implementation of Householder reflection for zero generator vector.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.householderSuanShu
HouseholderContextThis is the context information about a Householder transformation.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.householderSuanShu
HouseholderInPlaceMaintains the matrix to be transformed by a sequence of Householder reflections.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.householderSuanShu
HouseholderQRSuccessive Householder reflections gradually transform a matrix A to the upper triangular For example, the first step is to multiply A with a Householder matrixClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.qrSuanShu
HouseholderReflectionA Householder transformation in the 3-dimensional space is the reflection of a vector in the The plane, containing the origin, is uniquely defined by a unit vector,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.householderSuanShu
HpThis is the symmetrization operator as defined in equation (6) in the reference.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.pathfollowingSuanShu
HuangMinimizerHuang's updating formula is a family of formulas which encompasses the rank-one, DFP, BFGS as well as some other formulas.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
HybridMCMCThis class implements a hybrid MCMC algorithm.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.hybridSuanShu
HybridMCMCProposalFunctionClasscom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.proposalfunctionSuanShu
HyperEdgeA hyper-edge connects a set of vertices of any size.Interfacecom.numericalmethod.suanshu.graphSuanShu
HypersphereRVGGenerates uniformly distributed points on a unit hypersphere.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
HypothesisTestA statistical hypothesis test is a method of making decisions using experimental data.Classcom.numericalmethod.suanshu.stats.testSuanShu
IdentityHashSetThis class implements the Set interface with a hash table, using reference-equality in place of object-equality when comparing keys and values.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
IdentityPreconditionerThis identity preconditioner is used when no preconditioning is applied.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.preconditionerSuanShu
IIDAn i.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
ILPBranchAndBoundMinimizerThis is a Branch-and-Bound algorithm that solves Integer Linear Programming problems.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.bbSuanShu
ILPNodeThis is the branch-and-bound node used in conjunction with ILPBranchAndBoundMinimizer to solve an Integer Linear Programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.bbSuanShu
ILPProblemA linear program in real variables is said to be integral if it has at least one optimal solution which is integral.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.problemSuanShu
ILPProblemImpl1This implementation is an ILP problem, in which the variables can be real or integral.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.problemSuanShu
ImmutableMatrixThis is a read-only view of a Matrix instance.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
ImmutableVectorThis is a read-only view of a Vector instance.Classcom.numericalmethod.suanshu.algebra.linear.vector.doublesSuanShu
ImportanceSamplingImportance sampling is a general technique for estimating properties of a particular distribution, while only having samples generated from a different distribution rather than theClasscom.numericalmethod.suanshu.stats.random.variancereductionSuanShu
IndependentCoVARThis algorithm finds the independent variables based on the covariance matrix.Classcom.numericalmethod.suanshu.model.daspremont2008SuanShu
Infantino2010PCAThe objective is to predict the next H-period accumulated returns from the past H-period dimensionally reduced returns.Classcom.numericalmethod.suanshu.model.infantino2010SuanShu
Infantino2010RegimeDetects the current regime (mean reversion or momentum) by cross-sectional volatility.Classcom.numericalmethod.suanshu.model.infantino2010SuanShu
InitDynamicCreatorA message sent to Slaves to indicate that it should run the DynamicCreator algorithm for all workers according or to Workers to indicate that they should run it toClasscom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
InitialsFactorySome optimization algorithms, e.Interfacecom.numericalmethod.suanshu.optimization.multivariate.initializationSuanShu
InnerProductThe Frobenius inner product is the component-wise inner product of two matrices as though they are vectors.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
InnovationsAlgorithmThe innovations algorithm is an efficient way to obtain a one step least square linear predictor for a univariate linear time series with known auto-covariance and these properties (not limitedClasscom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocessSuanShu
IntegralThe class represents an integral of a function, in the Lebesgue sense.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.integrationSuanShu
IntegralConstrainedCellFactoryThis implementation defines the constrained Differential Evolution operators that solve an Integer Programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptim.constrainedSuanShu
IntegralDBThis class evaluates the following class of integrals.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.integrationSuanShu
IntegralDtThis class evaluates the following class of integrals.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.integrationSuanShu
IntegralExpectationThis class computes the expectation of the following class of integrals.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.integrationSuanShu
IntegratorThis defines the interface for the numerical integration of definite integrals of univariate functions.Interfacecom.numericalmethod.suanshu.analysis.integration.univariate.riemannSuanShu
InterpolationInterpolation is a method of constructing new data points within the range of a discrete set of known data points.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
IntervalClasscom.numericalmethod.suanshu.intervalSuanShu
IntervalRelationenum IntervalRelationAllen's Interval Algebra is a calculus for temporal reasoning that was introduced by James F.Classcom.numericalmethod.suanshu.intervalSuanShu
IntervalsThis is a disjoint set of intervals.Classcom.numericalmethod.suanshu.intervalSuanShu
IntTimeTimeSeriesThis is a univariate time series indexed by integers.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.univariate.realtime.inttimeSuanShu
InvalidLicenseThis is the LicenseError thrown when calling a class or method that is not yet licensed.Classcom.numericalmethod.suanshu.misc.licenseSuanShu
InverseFor a square matrix A, the inverse, A-1, if exists, satisfies A.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
InverseIterationInverse iteration is an iterative eigenvalue algorithm.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
InverseTransformSamplingInverse transform sampling (also known as inversion sampling, the inverse probability integral transform, the inverse transformation method, Smirnov transform, golden rule, etc.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
InverseTransformSamplingEVDRNGGenerate random numbers according to a given univariate extreme value distribution, by inverse transform sampling.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.rngSuanShu
InverseTransformSamplingExpRNGThis is a pseudo random number generator that samples from the exponential distribution using the inverse transform sampling method.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.expSuanShu
InverseTransformSamplingGammaRNGThis is a pseudo random number generator that samples from the gamma distribution using the inverse transform sampling method.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
InverseTransformSamplingTruncatedNormalRNGA random variate x defined as x = Phi^{-1}( Phi(alpha) + Ucdot(Phi(eta)-Phi(alpha)))sigma + muClasscom.numericalmethod.suanshu.stats.random.rng.univariate.normal.truncatedSuanShu
InvertingVariableThis is the inverting-variable transformation.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
IPMinimizerAn Integer Programming minimizer minimizes an objective function subject to equality/inequality constraints as well as integral constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.integerSuanShu
IPProblemAn Integer Programming problem is a mathematical optimization or feasibility program in which some or all of the variables are restricted to be integers.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.integerSuanShu
IPProblemImpl1This is an implementation of a general Integer Programming problem in which some variables take only integers.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integerSuanShu
IteratesMonitorThis IterationMonitor stores all states generated during iterations.Classcom.numericalmethod.suanshu.misc.algorithm.iterative.monitorSuanShu
IterationBodyThis interface defines the code snippet to be run in parallel.Interfacecom.numericalmethod.suanshu.misc.parallelSuanShu
IterationMonitorTo debug an iterative algorithm, such as in IterativeMethod, it is useful to keep track of the all states generated in the iterations.Interfacecom.numericalmethod.suanshu.misc.algorithm.iterative.monitorSuanShu
IterativeC2MaximizerA maximization problem is simply minimizing the negative of the objective function.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2SuanShu
IterativeC2MinimizerThis is a minimizer that minimizes a twice continuously differentiable, multivariate function.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2SuanShu
IterativeCentralDifferenceAn iterative central difference algorithm to obtain a numerical approximation to Poisson's equations with Dirichlet boundary conditions.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.elliptic.dim2SuanShu
IterativeIntegratorAn iterative integrator computes an integral by a series of sums, which approximates the value of the integral.Interfacecom.numericalmethod.suanshu.analysis.integration.univariate.riemannSuanShu
IterativeLinearSystemSolverAn iterative method for solving an N-by-N (or non-square) linear system Ax = b involves a sequence of matrix-vector multiplications.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterativeSuanShu
IterativeMethodAn iterative method is a mathematical procedure that generates a sequence of improving approximate solutions for a class of problems.Interfacecom.numericalmethod.suanshu.misc.algorithm.iterativeSuanShu
IterativeMinimizerThis is an iterative multivariate minimizer.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrainedSuanShu
IterativeSolutionMany minimization algorithms work by starting from some given initials and iteratively moving toward an approximate solution.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
IWLSClasscom.numericalmethod.suanshu.stats.regression.linear.glmSuanShu
JacobianThe Jacobian matrix is the matrix of all first-order partial derivatives of a vector-valued function.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
JacobianFunctionThe Jacobian function, J(x), evaluates the Jacobian of a real vector-valued function f at a point x.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
JacobiPreconditionerThe Jacobi (or diagonal) preconditioner is one of the simplest forms of preconditioning, such that the preconditioner is the diagonal ofClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.preconditionerSuanShu
JacobiSolverThe Jacobi method solves sequentially n equations in a linear system Ax = b in isolation in each iteration.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.stationarySuanShu
JarqueBeraThe Jarque-Bera test is a goodness-of-fit measure of departure from normality, based on the sample kurtosis and skewness.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
JarqueBeraDistributionJarque-Bera distribution is the distribution of the Jarque-Bera statistics, which measures the departure from normality.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
JenkinsTraubRealThe Jenkins-Traub algorithm is a fast globally convergent iterative method for solving for polynomial roots.Classcom.numericalmethod.suanshu.analysis.function.polynomial.root.jenkinstraubSuanShu
JodaTimeUtilsThese are the utility functions to manipulate JodaTime.Classcom.numericalmethod.suanshu.misc.datastructure.timeSuanShu
JohansenAsymptoticDistributionJohansen provides the asymptotic distributions of the two hypothesis testings (Eigen and Trace tests),Classcom.numericalmethod.suanshu.stats.cointegrationSuanShu
JohansenTestThe maximum number of cointegrating relations among a multivariate time series is the rank of the To determine the (most likely) number of cointegrating relations r,Classcom.numericalmethod.suanshu.stats.cointegrationSuanShu
JordanExchangeJordan Exchange swaps the r-th entering variable (row) with the s-th leaving variable (column) in a matrix A.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplexSuanShu
KagiKAGI construction of a random process.Classcom.numericalmethod.suanshu.model.hvolatilitySuanShu
Kagi2KAGI construction of a random process which is assumed to be equi-distance in time.Classcom.numericalmethod.suanshu.model.hvolatilitySuanShu
KagiModelMaintains the states of a KAGI model.Classcom.numericalmethod.suanshu.model.hvolatilitySuanShu
KendallRankCorrelationClasscom.numericalmethod.suanshu.stats.descriptive.correlationSuanShu
KernelThe kernel or null space (also nullspace) of a matrix A is the set of all vectors x for which Ax = 0.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
KernelA kernel that can be used for standalone operation of a Slave, i.Classcom.numericalmethod.suanshu.grid.executor.remote.akkaSuanShu
KnightSatchellTran1995See Also:Emmanual Acar, Stephen Satchell.Classcom.numericalmethod.suanshu.model.kst1995SuanShu
KnightSatchellTran1995MLEFits a KST model from returns.Classcom.numericalmethod.suanshu.model.kst1995SuanShu
Knuth1969This is a random number generator that generates random deviates according to the Poisson Generating Poisson-distributed random variablesClasscom.numericalmethod.suanshu.stats.random.rng.univariate.poissonSuanShu
KolmogorovDistributionThe Kolmogorov distribution is the distribution of the Kolmogorov-Smirnov statistic.Classcom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KolmogorovOneSidedDistributionClasscom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KolmogorovSmirnovThe Kolmogorov-Smirnov test (KS test) compares a sample with a reference probability distribution (one-sample KS test), or to compare two samples (two-sample KS test).Classcom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KolmogorovSmirnov1SampleThe one-sample Kolmogorov-Smirnov test (one-sample KS test) compares a sample with a reference probability distribution.Classcom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KolmogorovSmirnov2SamplesThe two-sample Kolmogorov-Smirnov test (two-sample KS test) tests for the equality of the distributions of two samples.Classcom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KolmogorovTwoSamplesDistributionCompute the p-values for the generalized (conditionally distribution-free) Smirnov homogeneity test.Classcom.numericalmethod.suanshu.stats.test.distribution.kolmogorovSuanShu
KroneckerProductGiven an m-by-n matrix A and a p-by-q matrix B, their Kronecker product C, also called their matrix direct product, isClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
KruskalWallisThe Kruskal-Wallis test is a non-parametric method for testing the equality of population medians among groups.Classcom.numericalmethod.suanshu.stats.test.rankSuanShu
KryoSerializerClasscom.numericalmethod.suanshu.grid.executor.remote.akka.serializationSuanShu
KunduGupta2007Kundu-Gupta propose a very convenient way to generate gamma random variables using generalized exponential distribution,Classcom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
KurtosisKurtosis measures the "peakedness" of the probability distribution of a real-valued random Higher kurtosis means that there are more infrequent extreme deviations than frequent modestlyClasscom.numericalmethod.suanshu.stats.descriptive.momentSuanShu
LaguerrePolynomialsLaguerre polynomials are defined by the recurrence relation below.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
LaguerreRuleClasscom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
Lai2010NPEBModelThe Non-Parametric Empirical Bayes (NPEB) model described in the reference computes the optimal weights for asset allocation.Classcom.numericalmethod.suanshu.model.lai2010SuanShu
LanczosThe Lanczos approximation is a method for computing the Gamma function numerically, published by Cornelius Lanczos in 1964.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
LARSFittingThis class computes the entire LARS sequence of coefficients and fits, starting from zero to theSee Also:B.Classcom.numericalmethod.suanshu.stats.regression.linear.lasso.larsSuanShu
LARSProblemLeast Angle Regression (LARS) is a regression algorithm for high-dimensional data.Classcom.numericalmethod.suanshu.stats.regression.linear.lasso.larsSuanShu
LDDecompositionRepresents a L D LT decomposition of a shifted symmetric tridiagonal matrix where T is a symmetric tridiagonal matrix,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
LDFactorizationFromRootClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
LDLtThe LDL decomposition decomposes a real and symmetric (hence square) matrix A into A = L * D * Lt.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangleSuanShu
LeapFroggingThe leap-frogging algorithm is a method for simulating Molecular Dynamics, which isSee Also:"Jun S.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.hybridSuanShu
LeastPthThe least p-th minmax algorithm minimizes the maximal error/loss (function): min_x max_{omega in S} e(x, omega)Classcom.numericalmethod.suanshu.optimization.multivariate.minmaxSuanShu
LeastSquaresThis method obtains a least squares estimate of a polynomial to fit the input data, by a weighted sum of orthogonal polynomials up to a specified order.Classcom.numericalmethod.suanshu.analysis.curvefitSuanShu
LebesgueLebesgue integration is the general theory of integration of a function with respect to a general measure.Classcom.numericalmethod.suanshu.analysis.integration.univariateSuanShu
LEcuyerThis is the uniform random number generator recommended by L'Ecuyer in 1996.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.linearSuanShu
LedoitWolf2004To estimate the covariance matrix, Ledoit and Wolf (2004) suggests using the matrix obtained from the sample covariance matrix through a transformation called shrinkage.Classcom.numericalmethod.suanshu.stats.descriptive.covarianceSuanShu
LegendrePolynomialsA Legendre polynomial is defined by the recurrence relation below.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
LegendreRuleClasscom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
LehmerLehmer proposed a general linear congruential generator that generates pseudo-random numbers in xi+1 = (a * xi + c) mod mClasscom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.linearSuanShu
LessThanConstraintsThe domain of an optimization problem may be restricted by less-than or equal-to constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.constraintSuanShu
LeveneThe Levene test tests for the equality of variance of groups.Classcom.numericalmethod.suanshu.stats.test.varianceSuanShu
LicenseThis is the license management system for the library.Classcom.numericalmethod.suanshu.misc.licenseSuanShu
LicenseErrorGeneral error regarding the license, e.Classcom.numericalmethod.suanshu.misc.licenseSuanShu
LillieforsLilliefors test tests the null hypothesis that data come from a normally distributed population with an estimated sample mean and variance.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
LILSparseMatrixThe list of lists (LIL) format for sparse matrix stores one list per row, where each entry stores a column index and value.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
LinearCongruentialGeneratorA linear congruential generator (LCG) produces a sequence of pseudo-random numbers based on a linear recurrence relation.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.linearSuanShu
LinearConstraintsThis is a collection of linear constraints for a real-valued optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
LinearEqualityConstraintsThis is a collection of linear equality constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
LinearFitFind the parameters for the ACER function from the given empirical epsilon, using OLS regression on the logarithm of the values.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
LinearGreaterThanConstraintsThis is a collection of linear greater-than-or-equal-to constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
LinearInterpolation(Piecewise-)Linear interpolation fits a curve by interpolating linearly between two adjacent data-points.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
LinearInterpolatorDefine a univariate function by linearly interpolating between adjacent points.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolationSuanShu
LinearKalmanFilterThe Kalman filter, also known as linear quadratic estimation (LQE), is an algorithm which uses a series of measurements observed over time,Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
LinearLessThanConstraintsThis is a collection of linear less-than-or-equal-to constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
LinearModelA linear model provides fitting and the residual analysis (goodness of fit).Interfacecom.numericalmethod.suanshu.stats.regression.linearSuanShu
LinearRepresentationThe linear representation of an Autoregressive Moving Average (ARMA) model is a (truncated) infinite sum of AR terms.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
LinearRootThis is a solver for finding the roots of a linear equation.Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
LinearSystemSolverSolve a system of linear equations in the form: We assume that, after row reduction, A has no more rows than columns.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
LineSearchA line search is often used in another minimization algorithm to improve the current solution in one iteration step.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.linesearchSuanShu
LineSegmentRepresent a line segment.Classcom.numericalmethod.suanshu.geometrySuanShu
LinkCloglogThis class represents the complementary log-log link function: g(x) = log(-log(1 - x))Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkFunctionThis interface represents a link function g(x) in Generalized Linear Model (GLM).Interfacecom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkIdentityThis class represents the identity link function:See Also:GeneralizedLinearModelClasscom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkInverseThis class represents the inverse link function:See Also:GeneralizedLinearModelClasscom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkInverseSquaredThis class represents the inverse-squared link function:See Also:GeneralizedLinearModelClasscom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkLogThis class represents the log link function:See Also:GeneralizedLinearModelClasscom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkLogitThis class represents the logit link function: g(x) = log(frac{mu}{1-mu})Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkProbitThis class represents the Probit link function, which is the inverse of cumulative distribution function of the standard Normal distribution N(0, 1).Classcom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LinkSqrtThis class represents the square-root link function:See Also:GeneralizedLinearModelClasscom.numericalmethod.suanshu.stats.regression.linear.glm.distribution.linkSuanShu
LjungBoxThe Ljung-Box test (named for Greta M.Classcom.numericalmethod.suanshu.stats.test.timeseries.portmanteauSuanShu
LMBetaBeta coefficients are the outcomes of fitting a linear regression model.Classcom.numericalmethod.suanshu.stats.regression.linearSuanShu
LMDiagnosticsThis class collects some diagnostics measures for the goodness of fit based on the residulas for a linear regression model.Classcom.numericalmethod.suanshu.stats.regression.linear.residualanalysisSuanShu
LMInformationCriteriaThe information criteria measure the goodness of fit of an estimated statistical model.Classcom.numericalmethod.suanshu.stats.regression.linear.residualanalysisSuanShu
LMProblemThis is a linear regression or a linear model (LM) problem.Classcom.numericalmethod.suanshu.stats.regression.linearSuanShu
LMResidualsThis is the residual analysis of the results of a linear regression model.Classcom.numericalmethod.suanshu.stats.regression.linear.residualanalysisSuanShu
LocalConfigJava class for localConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
LocalConfigurationDefines the configuration for a local execution.Interfacecom.numericalmethod.suanshu.grid.config.localSuanShu
LocalGridExecutorInterface for classes that execute all their tasks locally (in the same JVM).Interfacecom.numericalmethod.suanshu.grid.executor.localSuanShu
LocalGridExecutorFactoryCreates local instances of GridExecutors from a configuration object.Classcom.numericalmethod.suanshu.grid.executor.localSuanShu
LocalParallelGridExecutorGrid executor that executes everything locally.Classcom.numericalmethod.suanshu.grid.executor.localSuanShu
LocalSearchCellFactoryA LocalSearchCellFactory produces LocalSearchCellFactory.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.localSuanShu
LogBetaThis class represents the log of Beta function log(B(x, y)).Classcom.numericalmethod.suanshu.analysis.function.special.betaSuanShu
LogGammaThe log-Gamma function, (log (Gamma(z))), for positive real numbers, is the log of the Gamma function.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
LogisticBetaClasscom.numericalmethod.suanshu.stats.regression.linear.logisticSuanShu
LogisticProblemA logistic regression problem is a variation of the OLS regression problem.Classcom.numericalmethod.suanshu.stats.regression.linear.logisticSuanShu
LogisticRegressionA logistic regression (sometimes called the logistic model or logit model) is used for prediction of the probability of occurrence of an event by fitting data to a logit function logistic curve.Classcom.numericalmethod.suanshu.stats.regression.linear.logisticSuanShu
LogisticResidualsResidual analysis of the results of a logistic regression.Classcom.numericalmethod.suanshu.stats.regression.linear.logisticSuanShu
LogNormalDistributionA log-normal distribution is a probability distribution of a random variable whose logarithm is normally distributed.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
LogNormalMixtureDistributionThe HMM states use the Log-Normal distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
LogNormalRNGThis random number generator samples from the log-normal distribution.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
LoopBodyThe implementation of this interface contains the code inside a for-loopThis method contains the code inside the for-loop, as in a nativeInterfacecom.numericalmethod.suanshu.misc.parallelSuanShu
LowerBoundConstraintsClasscom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
LowerTriangularMatrixA lower triangular matrix has 0 entries where column index > row index.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.triangleSuanShu
LPBoundedMinimizerThis is the solution to a bounded linear programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solutionSuanShu
LPCanonicalProblem1Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.problemSuanShu
LPCanonicalProblem2Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.problemSuanShu
LPCanonicalSolverThis is an LP solver that solves a canonical LP problem in the following form.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solverSuanShu
LPDimensionNotMatchedThis is the exception thrown when the dimensions of the objective function and constraints of a linear programming problem are inconsistent.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPEmptyCostVectorThis is the exception thrown when there is no objective function in a linear programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPExceptionThis is the exception thrown when there is any problem when solving a linear programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPInfeasibleThis is the exception thrown when the LP problem is infeasible, i.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPMinimizerAn LP minimizer minimizes the objective of an LP problem, satisfying all the constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lpSuanShu
LPNoConstraintThis is the exception thrown when there is no linear constraint found for the LP problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPProblemA linear programming (LP) problem minimizes a linear objective function subject to a collection of linear constraints.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.problemSuanShu
LPProblemImpl1This is an implementation of a linear programming problem, LPProblem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.problemSuanShu
LPRuntimeExceptionThis is the exception thrown when there is any problem when constructing a linear programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPSimplexMinimizerA simplex LP minimizer can be read off from the solution simplex table.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solutionSuanShu
LPSimplexSolutionThe solution to a linear programming problem using a simplex method contains an LPSimplexMinimizer.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solutionSuanShu
LPSimplexSolverA simplex solver works toward an LP solution by sequentially applying Jordan exchange to a simplex table.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solverSuanShu
LPSolutionA solution to an LP problem contains all information about solving an LP problem such as whether the problem has a solution (bounded), how many minimizers it has, and the minimum.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lpSuanShu
LPSolverAn LP solver solves a Linear Programming (LP) problem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lpSuanShu
LPStandardProblemClasscom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.problemSuanShu
LPTwoPhaseSolverThis implementation solves a linear programming problem, LPProblem, using a two-step approach.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solverSuanShu
LPUnboundedThis is the exception thrown when the LP problem is unbounded.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.exceptionSuanShu
LPUnboundedMinimizerThis is the solution to an unbounded linear programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solutionSuanShu
LPUnboundedMinimizerScheme2This is the solution to an unbounded linear programming problem found in scheme 2.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.solutionSuanShu
LSProblemThis is the problem of solving a system of linear equations.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
LULU decomposition decomposes an n x n matrix A so that P * A = L * U.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangleSuanShu
LUDecompositionLU decomposition decomposes an n x n matrix A so that P * A = L * U.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.triangleSuanShu
LUSolverUse LU decomposition to solve Ax = b where A is square and The dimensions of A and b must match.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
MADecompositionThis class decomposes a time series into the trend, seasonal and stationary random components using the Moving Average Estimation method with symmetric window.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocessSuanShu
MAModelThis class represents a univariate MA model.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocess.armaSuanShu
MARMAModelSimulation of max autoregressive moving average processes, i.Classcom.numericalmethod.suanshu.stats.evt.timeseriesSuanShu
MARMASimGenerate random numbers based on a given MARMA model.Classcom.numericalmethod.suanshu.stats.evt.timeseriesSuanShu
MARModelThis is equivalent to MARMA(p, 0).Classcom.numericalmethod.suanshu.stats.evt.timeseriesSuanShu
MarsagliaBray1964The polar method (attributed to George Marsaglia, 1964) is a pseudo-random number sampling method for generating a pair of independent standard normal random variables.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
MarsagliaTsang2000Marsaglia-Tsang is a procedure for generating a gamma variate as the cube of a suitably scaled normal variate.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
MasterDelegates Work to one or more slaves and forwards Results to a predefined Also forwards work and results to the failure detector, which will keep track of their relativeClasscom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
MATMAT is the inverse operator of SVEC.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
MathTableA mathematical table consists of numbers showing the results of calculation with varying arguments.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
MatrixThis interface defines a Matrix as a Ring, a Table, and a few more methods not already defined in its mathematical definition.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
MatrixAccessThis interface defines the methods for accessing entries in a matrix.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
MatrixAccessExceptionThis is the runtime exception thrown when trying to access an invalid entry in a matrix, e.Classcom.numericalmethod.suanshu.algebra.linear.matrixSuanShu
MatrixCoordinateThe location of a matrix entry is specified by a 2D coordinates (i, j), where i and j are the row-index and column-index of the entry respectively.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
MatrixFactoryThese are the utility functions to create a new matrix/vector from existing ones.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
MatrixMathOperationThis interface defines some standard operations for generic matrices.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperationSuanShu
MatrixMeasureClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
MatrixMismatchExceptionThis is the runtime exception thrown when an operation acts on matrices that have incompatible dimensions.Classcom.numericalmethod.suanshu.algebra.linear.matrixSuanShu
MatrixPropertyUtilsThese are the boolean operators that take matrices or vectors and check if they satisfy aChecks if all matrices are SparseMatrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
MatrixRingInterfacecom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
MatrixRootByDiagonalizationThe square root of a matrix extends the notion of square root from numbers to matrices.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
MatrixSingularityExceptionThis is the runtime exception thrown when an operation acts on a singular matrix, e.Classcom.numericalmethod.suanshu.algebra.linear.matrixSuanShu
MatrixTableA matrix is represented by a rectangular table structure with accessors.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doublesSuanShu
MatrixUtilsThese are the utility functions to apply to matrices.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
MatthewsDaviesMatthews and Davies propose the following way to coerce a non-positive definite Hessian matrix to become symmetric, positive definite.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.positivedefiniteSuanShu
MaxThe maximum of a sample is the biggest value in the sample.Classcom.numericalmethod.suanshu.stats.descriptive.rankSuanShu
MaximaDistributionThe distribution of (M), where (M=max(x_1,x_2,.Classcom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
MaximizationSolutionThis is the solution to a maximization problem.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
MaximumLikelihoodFittingThis interface defines model fitting by maximum likelihood algorithm.Interfacecom.numericalmethod.suanshu.stats.evt.evd.univariate.fittingSuanShu
MaxmizerThis interface represents an optimization algorithm that maximizers a real valued objective function, one or multi dimension.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
McCormickMinimizerThis is the McCormick method.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
MCUtilsThese are the utility functions to examine a Markov chain.Classcom.numericalmethod.suanshu.stats.markovchainSuanShu
MeanThe mean of a sample is the sum of all numbers in the sample, divided by the sample size.Classcom.numericalmethod.suanshu.stats.descriptive.momentSuanShu
MeanEstimatorDefines how to estimate the mean price.Interfacecom.numericalmethod.suanshu.model.volarbSuanShu
MeanEstimatorInterfacecom.numericalmethod.suanshu.stats.randomSuanShu
MeanEstimatorMaxLevelShiftClasscom.numericalmethod.suanshu.model.volarbSuanShu
MersenneExponentenum MersenneExponentThe value of a Mersenne Exponent p is a parameter for creating a Mersenne-Twister randomClasscom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwister.dynamiccreationSuanShu
MersenneTwisterMersenne Twister is one of the best pseudo random number generators available.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwisterSuanShu
MersenneTwisterParamImmutable parameters for creating a MersenneTwister RNG.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwisterSuanShu
MersenneTwisterParamSearcherSearches for Mersenne-Twister parameters.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.mersennetwister.dynamiccreationSuanShu
MetropolisThis basic Metropolis implementation assumes using symmetric proposal function.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.metropolisSuanShu
MetropolisAcceptanceProbabilityFunctionUses the classic Metropolis rule, f_{t+1}/f_t.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.acceptanceprobabilityfunctionSuanShu
MetropolisHastingsA generalization of the Metropolis algorithm, which allows asymmetric proposal Metropolis-HastingsLiu, Jun S.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.metropolisSuanShu
MetropolisUtilsUtility functions for Metropolis algorithms.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.metropolisSuanShu
MidpointThe midpoint rule computes an approximation to a definite integral, made by finding the area of a collection of rectangles whose heights are determined by the values of the function.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.newtoncotesSuanShu
MilsteinSDEMilstein scheme is a first-order approximation to a continuous-time SDE.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.discreteSuanShu
MinThe minimum of a sample is the smallest value in the sample.Classcom.numericalmethod.suanshu.stats.descriptive.rankSuanShu
MinimaDistributionThe distribution of (M), where (M=min(x_1,x_2,.Classcom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
MinimalResidualSolverThe Minimal Residual method (MINRES) is useful for solving a symmetric n-by-n linear system (possibly indefinite or singular).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
MinimizationSolutionThis is the solution to a minimization problem.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
MinimizerThis interface represents an optimization algorithm that minimizes a real valued objective function, one or multi dimension.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
MinimumWeightsThis constraint puts lower bounds on weights.Classcom.numericalmethod.suanshu.model.corvalan2005.constraintSuanShu
MinMaxMinimizerA minmax minimizer minimizes a minmax problem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.minmaxSuanShu
MixedRuleThe mixed rule is good for functions that fall off rapidly at infinity, e.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
MixtureDistributionThis is the conditional distribution of the observations in each state (possibly differently parameterized) of a mixture hidden Markov model.Interfacecom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
MixtureHMMThis is the mixture hidden Markov model (HMM).Classcom.numericalmethod.suanshu.stats.hmm.mixtureSuanShu
MixtureHMMEMThe EM algorithm is used to find the unknown parameters of a hidden Markov model (HMM) by making use of the forward-backward algorithm.Classcom.numericalmethod.suanshu.stats.hmm.mixtureSuanShu
MMAModelThis is equivalent to MARMA(0, q).Classcom.numericalmethod.suanshu.stats.evt.timeseriesSuanShu
ModelResamplerFactoryClasscom.numericalmethod.suanshu.model.lai2010.ceta.npeb.resamplerSuanShu
MomentsCompute the central moment of a data set incrementally.Classcom.numericalmethod.suanshu.stats.descriptive.momentSuanShu
MomentsEstimatorLedoitWolfClasscom.numericalmethod.suanshu.model.returns.momentsSuanShu
MonoidInterfacecom.numericalmethod.suanshu.algebra.structureSuanShu
MovingAverageThis applies a linear filter to a univariate time series using the moving average estimation.Classcom.numericalmethod.suanshu.dsp.univariate.operation.system.doublesSuanShu
MovingAverageByExtensionThis implements a moving average filter with these properties: 1) both past and future observations are used in smoothing;Classcom.numericalmethod.suanshu.dsp.univariate.operation.system.doublesSuanShu
MR3Computes eigenvalues and eigenvectors of a given symmetric tridiagonal matrix T using "Algorithm of Multiple Relatively Robust Representations" (MRRR).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
MRGA Multiple Recursive Generator (MRG) is a linear congruential generator which takes this form: xi = (a1 * xi-1 + a2 * xi-2 + .Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniform.linearSuanShu
MRModelA Mean Reversion Model computes the target position given the current price.Interfacecom.numericalmethod.suanshu.model.volarbSuanShu
MRModelRangedClasscom.numericalmethod.suanshu.model.volarbSuanShu
MultiCubicSpline algorithm works by recursively calling lower order cubic spline interpolation.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultiDimensionalArrayA generic multi-dimensional array, with an arbitrary number of dimensions.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
MultiDimensionalCollectionA generic collection with an arbitrary number of dimensions.Interfacecom.numericalmethod.suanshu.misc.datastructureSuanShu
MultiDimensionalGridAn arbitrary dimensional grid.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
MultiLinearInterpolation by recursively calling lower order linear interpolation.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultinomialBetaFunctionA multinomial Beta function is defined as: frac{prod_{i=1}^K Gamma(alpha_i)}{Gammaleft(sum_{i=1}^KClasscom.numericalmethod.suanshu.analysis.function.special.betaSuanShu
MultinomialDistributionClasscom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
MultinomialRVGA multinomial distribution puts N objects into K bins according to the bins' probabilities.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
MultipleExecutionExceptionThis exception is thrown when any of the parallel tasks throws an exception during execution.Classcom.numericalmethod.suanshu.misc.parallelSuanShu
MultiplicativeModelThe multiplicative model of a time series is a multiplicative composite of the trend, seasonality and irregular random components.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.stationaryprocessSuanShu
MultiplierPenaltyA multiplier penalty function allows different weights to be assigned to the constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
MultipointHybridMCMCA multi-point Hybrid Monte Carlo is an extension of HybridMCMC, where during the proposal generation instead of considering only the last configuration after the dynamicsClasscom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.hybridSuanShu
MultivariateArrayGrid MultiDimensionalCollection instance.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultivariateAutoCorrelationFunctionThis is the auto-correlation function of a multi-dimensional time series {Xt}.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariateSuanShu
MultivariateAutoCovarianceFunctionThis is the auto-covariance function of a multi-dimensional time series {Xt}, K(i, j) = E((X_i - mu_i) imes (X_j - mu_j)')Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariateSuanShu
MultivariateBrownianRRGThis is the Random Walk construction of a multivariate Brownian motion.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.randomSuanShu
MultivariateBrownianSDEA multivariate Brownian motion is a stochastic process with the following properties.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.discreteSuanShu
MultivariateDiscreteSDEThis interface represents the discrete approximation of a multivariate SDE.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.discreteSuanShu
MultivariateDLMThis is the multivariate controlled DLM (controlled Dynamic Linear Model) specification.Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateDLMSeriesThis is a simulator for a multivariate controlled dynamic linear model process.Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateDLMSimThis is a simulator for a multivariate controlled dynamic linear model process.Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateEulerSDEThe Euler scheme is the first order approximation of an SDE.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.discreteSuanShu
MultivariateFiniteDifferenceA partial derivative of a multivariate function is the derivative with respect to one of the variables with the others held constant.Classcom.numericalmethod.suanshu.analysis.differentiation.multivariateSuanShu
MultivariateForecastOneStepThe innovation algorithm is an efficient way to obtain a one step least square linear predictor for a multivariate linear time seriesClasscom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocessSuanShu
MultivariateFtThis represents the concept 'Filtration', the information available at time t.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sdeSuanShu
MultivariateFtWtThis is a filtration implementation that includes the path-dependent information,See Also:MultivariateFtClasscom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sdeSuanShu
MultivariateGenericTimeTimeSeriesThis is a multivariate time series indexed by some notion of time.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.multivariateSuanShu
MultivariateGridA multivariate rectilinear (not necessarily uniform) grid of double values.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultivariateGridInterpolationInterpolation on a rectilinear multi-dimensional grid.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultivariateInnovationAlgorithmClasscom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocessSuanShu
MultivariateIntTimeTimeSeriesThis is a multivariate time series indexed by integers.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.multivariate.realtime.inttimeSuanShu
MultivariateLinearKalmanFilterThe Kalman filter, also known as linear quadratic estimation (LQE), is an algorithm which uses a series of measurements observed over time,Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateMinimizerThis is a minimizer that minimizes a multivariate function or a Vector function.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrainedSuanShu
MultivariateNormalDistributionThe multivariate Normal distribution or multivariate Gaussian distribution, is a generalization of the one-dimensional (univariate) Normal distribution to higher dimensions.Classcom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
MultivariateObservationEquationThis is the observation equation in a controlled dynamic linear model.Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateProbabilityDistributionA multivariate or joint probability distribution for X, Y, .Interfacecom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
MultivariateRandomProcessThis interface represents a multivariate random process a.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.randomSuanShu
MultivariateRandomRealizationGeneratorThis interface defines a generator to construct random realizations from a multivariate stochastic process.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.randomSuanShu
MultivariateRandomRealizationOfRandomProcessThis class generates random realizations from a multivariate random/stochastic process.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.randomSuanShu
MultivariateRandomWalkThis is the Random Walk construction of a multivariate stochastic process per SDE specification.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.randomSuanShu
MultivariateRealizationA multivariate realization is a multivariate time series indexed by real numbers, e.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.multivariate.realtimeSuanShu
MultivariateRegularGridA regular grid is a tessellation of n-dimensional Euclidean space by congruent parallelotopes (e.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
MultivariateResamplerThis is the interface of a multivariate re-sampler method.Interfacecom.numericalmethod.suanshu.stats.random.sampler.resampler.multivariateSuanShu
MultivariateSDEThis class represents a multi-dimensional, continuous-time Stochastic Differential Equation (SDE) of this form: dX_t = mu(t,X_t,Z_t,.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sdeSuanShu
MultivariateSimpleTimeSeriesThis simple multivariate time series has its vectored values indexed by integers.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.multivariate.realtime.inttimeSuanShu
MultivariateStateEquationThis is the state equation in a controlled dynamic linear model.Classcom.numericalmethod.suanshu.stats.dlm.multivariateSuanShu
MultivariateTDistributionThe multivariate T distribution or multivariate Student distribution, is a generalization of the one-dimensional (univariate) Student's t-distribution to higher dimensions.Classcom.numericalmethod.suanshu.stats.distribution.multivariateSuanShu
MultivariateTimeSeriesA multivariate time series is a sequence of vectors indexed by some notion of time.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.multivariateSuanShu
MutexProvides mutual exclusive execution of a Runnable.Classcom.numericalmethod.suanshu.misc.parallelSuanShu
MVOptimizerSolves for the optimal weight using Mean-Variance optimization.Interfacecom.numericalmethod.suanshu.model.lai2010.optimizerSuanShu
MVOptimizerMinWeightsSolves for weights by (active set) quadratic programming.Classcom.numericalmethod.suanshu.model.lai2010.optimizerSuanShu
MVOptimizerNoConstraintClasscom.numericalmethod.suanshu.model.lai2010.optimizerSuanShu
MWC8222Marsaglia's MWC256 (also known as MWC8222) is a multiply-with-carry generator.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniformSuanShu
NaiveRuleThis pivoting rule chooses the column with the most negative reduced cost.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.pivotingSuanShu
NelderMeadMinimizerThe Nelder-Mead method is a nonlinear optimization technique, which is well-defined for twice differentiable and unimodal problems.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2SuanShu
NevilleTableNeville's algorithm is a polynomial interpolation algorithm.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolationSuanShu
NewtonCotesThe Newton-Cotes formulae, also called the Newton-Cotes quadrature rules or simply Newton-Cotes rules, are a group of formulae for numerical integration (also called quadrature) based on evaluating the integrand at equally-spaced points.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.newtoncotesSuanShu
NewtonPolynomialNewton polynomial is the interpolation polynomial for a given set of data points in the Newton form.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.univariateSuanShu
NewtonRaphsonMinimizerThe Newton-Raphson method is a second order steepest descent method that is based on the quadratic approximation of the Taylor series.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.steepestdescentSuanShu
NewtonRootThe Newton-Raphson method is as follows: one starts with an initial guess which is reasonably close to the true root, then the function is approximated by its tangent line (which can beClasscom.numericalmethod.suanshu.analysis.root.univariateSuanShu
NewtonSystemRootThis class solves the root for a non-linear system of equations.Classcom.numericalmethod.suanshu.analysis.root.multivariateSuanShu
NoChangeOfVariableThis is a dummy substitution rule that does not change any variable.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
NoConstraintsWeights are unconstrained and constraints() returns null.Classcom.numericalmethod.suanshu.model.corvalan2005.constraintSuanShu
NonlinearFitFit log-ACER function by sequential quadratic programming (SQP) minimization (of weighted RSS), using LinearFit's solution as the initial guess.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.acerSuanShu
NonNegativityConstraintOptimProblemThis is a constrained optimization problem for a function which has all non-negative variables.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.problemSuanShu
NonNegativityConstraintsThese constraints ensures that for all variables are non-negative.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
NoOpActorClasscom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
NormalDistributionThe Normal distribution has its density a Gaussian function.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
NormalMixtureDistributionThe HMM states use the Normal distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
NormalOfExpFamily1Normal distribution, univariate, unknown mean, known variance.Classcom.numericalmethod.suanshu.stats.distribution.univariate.exponentialfamilySuanShu
NormalOfExpFamily2Normal distribution, univariate, unknown mean, unknown variance.Classcom.numericalmethod.suanshu.stats.distribution.univariate.exponentialfamilySuanShu
NormalRNGThis is a random number generator that generates random deviates according to the NormalSee Also:Wikipedia: NormalClasscom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
NormalRVGA multivariate Normal random vector is said to be p-variate normally distributed if every linear combination of its p components has a univariate normal distribution.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
NoRootFoundExceptionThis is the Exception thrown when it fails to find a root.Classcom.numericalmethod.suanshu.analysis.root.univariateSuanShu
NoShortSellingWeights cannot be negative.Classcom.numericalmethod.suanshu.model.corvalan2005.constraintSuanShu
NPEBMomentsEstimatorClasscom.numericalmethod.suanshu.model.lai2010.ceta.npebSuanShu
NullMonitorThis IterationMonitor does nothing when a new iterate is added.Classcom.numericalmethod.suanshu.misc.algorithm.iterative.monitorSuanShu
NumberUtilsThese are the utility functions to manipulate Numbers.Classcom.numericalmethod.suanshu.numberSuanShu
ObjectFactoryThis object contains factory methods for each Java content interface and Java element interface Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
ObservationEquationThis is the observation equation in a controlled dynamic linear model.Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
ODEAn ordinary differential equation (ODE) is an equation in which there is only one independent variable and one or more derivatives of a dependent variable with respect to the independentClasscom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.problemSuanShu
ODE1stOrderA first order ordinary differential equation (ODE) initial value problem (IVP) takes the where y0 is known, and the solution of the problem is y(x) for theClasscom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.problemSuanShu
ODE1stOrderWith2ndDerivativeSome ODE solvers require the second derivative for more accurate Taylor series approximation.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.problemSuanShu
ODEIntegratorThis defines the interface for the numerical integration of a first order ODE, for a sequence of pre-defined steps.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solverSuanShu
ODESolutionSolution to an ODE problem.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solverSuanShu
ODESolverSolver for first order ODE problems.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solverSuanShu
OLSBetaClasscom.numericalmethod.suanshu.stats.regression.linear.olsSuanShu
OLSRegression(Weighted) Ordinary Least Squares (OLS) is a method for fitting a linear regression model.Classcom.numericalmethod.suanshu.stats.regression.linear.olsSuanShu
OLSResidualsThis is the residual analysis of the results of an ordinary linear regression model.Classcom.numericalmethod.suanshu.stats.regression.linear.olsSuanShu
OLSSolverThis class solves an over-determined system of linear equations in the ordinary least square sense.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
OLSSolverByQRThis class solves an over-determined system of linear equations in the ordinary least square sense.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
OLSSolverBySVDThis class solves an over-determined system of linear equations in the ordinary least square sense.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
OneDimensionTimeSeriesThis class constructs a univariate realization from a multivariate realization by taking one of its dimension (coordinate).Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.univariate.realtimeSuanShu
OneWayANOVAThe One-Way ANOVA test tests for the equality of the means of several groups.Classcom.numericalmethod.suanshu.stats.test.meanSuanShu
OnlineInterpolatorAn online interpolator allows dynamically adding more points for interpolation.Interfacecom.numericalmethod.suanshu.analysis.curvefit.interpolationSuanShu
OptimizerOptimization, or mathematical programming, refers to choosing the best element from some set of available alternatives.Interfacecom.numericalmethod.suanshu.optimizationSuanShu
OptimProblemThis is an optimization problem that minimizes a real valued objective function, one or multi dimension.Interfacecom.numericalmethod.suanshu.optimization.problemSuanShu
OrderedAccumulatorCollects all results in a list, ensuring that the order according to the indices is preserved in Results for indices may arrive multiple times and may be null due to a failure.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
OrderedPairsCartesian products and binary relations (and hence the ubiquitous functions) are defined in termsSee Also:Wikipedia: Ordered pairInterfacecom.numericalmethod.suanshu.analysis.function.tupleSuanShu
OrderStatisticsDistributionThe asymptotic nondegenerate distributions of the r-th smallest (largest) order statistic.Classcom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
OrnsteinUhlenbeckProcessThis class represents a univariate Ornstein-Uhlenbeck (OU) process.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OrStopConditionsCombines an arbitrary number of stop conditions, terminating when the first condition is met.Classcom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
OrthogonalPolynomialFamilyThis factory class produces a family of orthogonal polynomials.Interfacecom.numericalmethod.suanshu.analysis.integration.univariate.riemann.gaussian.ruleSuanShu
OUFittingThis interface defines an estimation procedure to fit a univariate Ornstein-Uhlenbeck process.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OUFittingMLEThis class fits a univariate Ornstein-Uhlenbeck process by using MLE.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OUFittingOLSThis class fits a univariate Ornstein-Uhlenbeck process by using least squares regression.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OUProcessGet the overall mean.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OUSimThis class simulates a discrete path of a univariate Ornstein-Uhlenbeck (OU) process.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sde.process.ouSuanShu
OuterProductThe outer product of two vectors a and b, is a row vector multiplied on the left by a column vector.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
PackageClasscom.numericalmethod.suanshu.misc.licenseSuanShu
PairAn ordered pair (x,y) is a pair of mathematical objects.Classcom.numericalmethod.suanshu.analysis.function.tupleSuanShu
PairComparatorByAbscissaFirstClasscom.numericalmethod.suanshu.analysis.function.tupleSuanShu
PairComparatorByAbscissaOnlyClasscom.numericalmethod.suanshu.analysis.function.tupleSuanShu
PanelDataA panel data refers to multi-dimensional data frequently involving measurements over time.Classcom.numericalmethod.suanshu.stats.regression.linear.panelSuanShu
PanelRegressionPanel (data) analysis is a statistical method, widely used in social science, epidemiology, and econometrics, which deals with two-dimensional (cross sectional/times series) panel data.Interfacecom.numericalmethod.suanshu.stats.regression.linear.panelSuanShu
ParallelDoubleArrayOperationThis is a multi-threaded implementation of the array math operations.Classcom.numericalmethod.suanshu.number.doublearraySuanShu
ParallelExecutorThis class provides a framework for executing an algorithm in parallel.Classcom.numericalmethod.suanshu.misc.parallelSuanShu
PartialDerivativesByCenteredDifferencingThis implementation computes the partial derivatives by centered differencing.Classcom.numericalmethod.suanshu.analysis.curvefit.interpolation.bivariateSuanShu
PartialFunctionClasscom.numericalmethod.suanshu.analysis.function.tupleSuanShu
PattonPolitisWhite2009This class implements the stationary and circular block bootstrapping method with optimized blockSee Also:Politis, N.Classcom.numericalmethod.suanshu.stats.random.sampler.resampler.bootstrap.blockSuanShu
PCAPrincipal Component Analysis (PCA) is a mathematical procedure that uses an orthogonal transformation to convert a set of observations of possibly correlated variables into a set ofInterfacecom.numericalmethod.suanshu.stats.pcaSuanShu
PCAbyEigenThis class performs Principal Component Analysis (PCA) on a data matrix, using eigen decomposition on the correlation or covariance matrix.Classcom.numericalmethod.suanshu.stats.pcaSuanShu
PCAbySVDThis class performs Principal Component Analysis (PCA) on a data matrix, using the preferred Singular Value Decomposition (SVD) method.Classcom.numericalmethod.suanshu.stats.pcaSuanShu
PDEA partial differential equation (PDE) is a differential equation that contains unknown multivariable functions and their partial derivatives.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.pdeSuanShu
PDESolutionGrid2DA solution to a bivariate PDE, which is applicable to methods which produce the solution as a two-dimensional grid.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifferenceSuanShu
PDESolutionTimeSpaceGrid1DA solution to an one-dimensional PDE, which is applicable to methods which produce the solutionInterfacecom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifferenceSuanShu
PDESolutionTimeSpaceGrid2DA solution to a two-dimensional PDE, which is applicable to methods which produce the solution as a three-dimensional grid of time and space.Interfacecom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifferenceSuanShu
PDESolverInterfacecom.numericalmethod.suanshu.analysis.differentialequation.pdeSuanShu
PDETimeSpaceGrid1DThis grid numerically solves a 1D PDE, e.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifferenceSuanShu
PeaksOverThresholdPeaks Over Threshold (POT) method estimates the parameters for generalized Pareto distribution (GPD) using maximum likelihood on the observations that are over a given threshold.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.potSuanShu
PeaksOverThresholdOnClustersSimilar to POT, but only use the peak observations in clusters for the parametric estimation.Classcom.numericalmethod.suanshu.stats.evt.evd.univariate.fitting.potSuanShu
PearsonMinimizerThis is the Pearson method.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
PenaltyFunctionA function P: Rn -> R is a penalty function for a constrained optimization problem if it has these properties.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
PenaltyMethodMinimizerThe penalty method is an algorithm for solving a constrained minimization problem with general It replaces a constrained optimization problem by a series of unconstrained problemsClasscom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
PermutationMatrixA permutation matrix is a square matrix that has exactly one entry '1' in each row and each column and 0's elsewhere.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtypeSuanShu
PerturbationAroundPointThe initial population is generated by adding a variance around a given initial.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegrid.firstgenerationSuanShu
PhysicalConstantsA collection of fundamental physical constants.Classcom.numericalmethod.suanshu.miscSuanShu
PointRepresent a n-dimensional point.Classcom.numericalmethod.suanshu.geometrySuanShu
PoissonDistributionThe Poisson distribution (or Poisson law of small numbers) is a discrete probability distribution that expresses the probability of a given number of events occurring in a fixed interval of timeClasscom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
PoissonEquation2DPoisson's equation is an elliptic PDE that takes the following general form.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.elliptic.dim2SuanShu
PoissonMixtureDistributionThe HMM states use the Poisson distribution to model the observations.Classcom.numericalmethod.suanshu.stats.hmm.mixture.distributionSuanShu
PolygonalChainA polygonal chain, polygonal curve, polygonal path, or piecewise linear curve, is a connected series of line segments.Interfacecom.numericalmethod.suanshu.geometry.polylineSuanShu
PolygonalChainByArrayAn immutable PolygonalChain that is backed by an ArrayList.Classcom.numericalmethod.suanshu.geometry.polylineSuanShu
PolynomialA polynomial is a UnivariateRealFunction that represents a finite length expression constructed from variables and constants, using the operations of addition, subtraction, multiplication, and constant non-negative whole number exponents.Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
PolyRootThis is a solver for finding the roots of a polynomial equation.Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
PolyRootSolverA root (or a zero) of a polynomial p is a member x in the domain of p such that p(x) vanishes.Interfacecom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
PositiveDefiniteMatrixByPositiveDiagonalThis class "converts" a matrix into a symmetric, positive definite matrix, if it is not already so, by forcing the diagonal entries in the eigen decomposition to a small non-negative number,Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.positivedefiniteSuanShu
PositiveSemiDefiniteMatrixNonNegativeDiagonalThis class "converts" a matrix into a symmetric, positive semi-definite matrix, if it is not already so, by forcing the negative diagonal entries in the eigen decomposition to 0.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operation.positivedefiniteSuanShu
PowThis is a square matrix A to the power of an integer n, An.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
PowellMinimizerPowell's algorithm, starting from an initial point, performs a series of line searches in one iteration.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.conjugatedirectionSuanShu
PowerLawSingularityThis transformation is good for an integral which diverges at one of the end points.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
PreconditionerPreconditioning reduces the condition number of the coefficient matrix of a linear system to accelerate the convergenceInterfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.preconditionerSuanShu
PreconditionerFactoryThis constructs a new instance of Preconditioner for a coefficient matrix.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.preconditionerSuanShu
PrimalDualInteriorPointMinimizerSolves a Dual Second Order Conic Programming problem using the Primal Dual Interior Point 2014/1/9: This solver is tested up to 6000 variables and 26000 constraints.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.interiorpointSuanShu
PrimalDualPathFollowingMinimizerThe Primal-Dual Path-Following algorithm is an interior point method that solves Semi-Definite Programming problems.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.pathfollowingSuanShu
PrimalDualSolutionThe vector set {x, s, y} is a solution to both the primal and dual SOCP problems.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.interiorpointSuanShu
ProbabilityDistributionA univariate probability distribution completely characterizes a random variable by stipulating the probability of each value of a random variable (when the variable is discrete), or theInterfacecom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
ProbabilityMassFunctionA probability mass function (pmf) is a function that gives the probability that a discrete random variable is exactly equal to some value.Interfacecom.numericalmethod.suanshu.stats.distribution.discreteSuanShu
ProbabilityMassQuantileAs probability mass function is discrete, there are gaps between values in the domain of its cdf, The quantile function is:Classcom.numericalmethod.suanshu.stats.distribution.discreteSuanShu
ProbabilityMassSamplerA random sampler that is constructed ad-hoc from a list of values and their probabilities.Classcom.numericalmethod.suanshu.stats.distribution.discreteSuanShu
ProductOfWeightsClasscom.numericalmethod.suanshu.model.corvalan2005.diversificationSuanShu
ProjectionProject a vector v on another vector w or a set of vectors (basis) {wi}.Classcom.numericalmethod.suanshu.algebra.linear.vector.doubles.operationSuanShu
ProposalFunctionA proposal function goes from the current state to the next state, where a state is a vector.Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.proposalfunctionSuanShu
PseudoInverseThe Moore-Penrose pseudo-inverse of an m x n matrix A is A+.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
PureILPProblemThis is a pure integer linear programming problem, in which all variables are integral.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.problemSuanShu
QPDualActiveSetMinimizerThis implementation solves a Quadratic Programming problem using the dual active set algorithm.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.activesetSuanShu
QPExceptionThis is the exception thrown when there is an error solving a quadratic programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qpSuanShu
QPInfeasibleThis is the exception thrown by a quadratic programming solver when the quadratic programming problem is infeasible, i.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qpSuanShu
QPPrimalActiveSetMinimizerThis implementation solves a Quadratic Programming problem using the Primal Active Set algorithm.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.activesetSuanShu
QPProblemQuadratic Programming is the problem of optimizing (minimizing) a quadratic function of several variables subject to linear constraints on these variables.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.problemSuanShu
QPProblemOnlyEqualityConstraintsA quadratic programming problem with only equality constraints can be converted into a equivalent quadratic programming problem without constraints, hence a mere quadratic function.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.problemSuanShu
QPSimpleMinimizerThese are the utility functions to solve simple quadratic programming problems that admit analytical solutions.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qpSuanShu
QPSolutionThis is a solution to a quadratic programming problem.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qpSuanShu
QRQR decomposition of a matrix decomposes an m x n matrix A so that A = Q * R.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.qrSuanShu
QRAlgorithmThe QR algorithm is an eigenvalue algorithm by computing the real Schur canonical form of a That is, Q'AQ = T where Q is orthogonal, and T is quasi-triangular.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
QRDecompositionQR decomposition of a matrix decomposes an m x n matrix A so that A = Q * R.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.qrSuanShu
QuadraticFunctionA quadratic function takes this form: (f(x) = frac{1}{2} imes x'Hx + x'p + c).Classcom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
QuadraticMonomialA quadratic monomial has this form: x2 + ux + v.Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
QuadraticRootThis is a solver for finding the roots of a quadratic equation, (ax^2 + bx + c = 0).Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
QuadraticSyntheticDivisionDivide a polynomial P(x) by a quadratic monomial (x2 + ux + v) to give the quotient Q(x) and the remainder (b * (x + u) + a).Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
QuantileQuantiles are points taken at regular intervals from the cumulative distribution function (CDF) of a random variable.Classcom.numericalmethod.suanshu.stats.descriptive.rankSuanShu
QuarticRootThis is a quartic equation solver that solves (ax^4 + bx^3 + cx^2 + dx + e = 0).Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
QuarticRootFerrariThis is a quartic equation solver that solves (ax^4 + bx^3 + cx^2 + dx + e = 0) using the Ferrari method.Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
QuarticRootFormulaThis is a quartic equation solver that solves (ax^4 + bx^3 + cx^2 + dx + e = 0) using a root-finding formula.Classcom.numericalmethod.suanshu.analysis.function.polynomial.rootSuanShu
QuasiBinomialThis is the quasi Binomial distribution in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiDistributionThis interface represents the quasi-distribution used in GLM.Interfacecom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiFamilyThis interface represents the quasi-family used in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiGammaThis is the quasi Gamma distribution in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiGaussianThis is the quasi Gaussian distribution in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiGLMBetaClasscom.numericalmethod.suanshu.stats.regression.linear.glm.quasiSuanShu
QuasiGLMNewtonRaphsonClasscom.numericalmethod.suanshu.stats.regression.linear.glm.quasiSuanShu
QuasiGLMProblemThis class represents a quasi generalized linear regression problem.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasiSuanShu
QuasiGLMResidualsResidual analysis of the results of a quasi Generalized Linear Model regression.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasiSuanShu
QuasiInverseGaussianThis is the quasi Inverse-Gaussian distribution in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
QuasiMinimalResidualSolverThe Quasi-Minimal Residual method (QMR) is useful for solving a non-symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
QuasiNewtonMinimizerThe Quasi-Newton methods in optimization are for finding local maxima and minima of functions.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
QuasiPoissonThis is the quasi Poisson distribution in GLM.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.quasi.familySuanShu
R1ProjectionProjection creates a real-valued function RealScalarFunction from a vector-valued function RealVectorFunction by taking only one of its coordinate components in the vector output.Classcom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
R1toConstantMatrixA constant matrix function maps a real number to a constant matrix: (R^n ightarrow A).Classcom.numericalmethod.suanshu.analysis.function.matrixSuanShu
R1toMatrixThis is a function that maps from R1 to a Matrix space.Classcom.numericalmethod.suanshu.analysis.function.matrixSuanShu
R2toMatrixThis is a function that maps from R2 to a Matrix space.Classcom.numericalmethod.suanshu.analysis.function.matrixSuanShu
RamerDouglasPeuckerThe Ramer-Douglas-Peucker algorithm simplifies a PolygonalChain by removing vertices which do not affect the shape of the curve to a given tolerance.Classcom.numericalmethod.suanshu.geometry.polylineSuanShu
Rand1BinThe Rand-1-Bin rule is defined by: mutation by adding a scaled, randomly sampled vector difference to a third vectorClasscom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.deoptimSuanShu
RandomBetaGeneratorThis is a random number generator that generates random deviates according to the Beta distribution.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariate.betaSuanShu
RandomExpGeneratorThis is a random number generator that generates random deviates according to the exponential distribution.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariate.expSuanShu
RandomGammaGeneratorThis is a random number generator that generates random deviates according to the Gamma distribution.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
RandomizedFunctionA variant of Function, which permits subclasses to offer randomized functions.Classcom.numericalmethod.suanshu.grid.function.randomSuanShu
RandomLongGeneratorA (pseudo) random number generator that generates a sequence of longs that lack any pattern and are uniformly distributed.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
RandomNumberGeneratorA (pseudo) random number generator is an algorithm designed to generate a sequence of numbers that lack any pattern.Interfacecom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
RandomProcessThis interface represents a univariate random process a.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.randomSuanShu
RandomRealizationGeneratorThis interface defines a generator to construct random realizations from a univariate stochastic process.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.univariate.randomSuanShu
RandomRealizationOfRandomProcessThis class generates random realizations from a random/stochastic process.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.randomSuanShu
RandomStandardNormalGeneratorInterfacecom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
RandomVectorGeneratorA (pseudo) multivariate random number generator samples a random vector from a multivariate distribution.Interfacecom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
RandomWalkThis is the Random Walk construction of a stochastic process per SDE specification.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.randomSuanShu
RankRank is a relationship between a set of items such that, for any two items, the first is either "ranked higher than", "ranked lower than" or "ranked equal to" the second.Classcom.numericalmethod.suanshu.stats.descriptive.rankSuanShu
RankOneMinimizerThe Rank One method is a quasi-Newton method to solve unconstrained nonlinear optimization problems.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.quasinewtonSuanShu
RastriginThe Rastrigin function is a non-convex function used as a performance test problem for optimization algorithms.Classcom.numericalmethod.suanshu.analysis.function.specialSuanShu
RayleighDistributionThe L2 norm of (x1, x2), where xi's are normal, uncorrelated, equal variance and have the Rayleigh distributions.Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
RayleighRNGThis random number generator samples from the Rayleigh distribution using the inverse transform sampling method.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
RealA real number is an arbitrary precision number.Classcom.numericalmethod.suanshu.numberSuanShu
RealIntervalThis is an interval on the real line.Classcom.numericalmethod.suanshu.intervalSuanShu
RealizationThis is a univariate time series indexed real numbers.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.univariate.realtimeSuanShu
RealMatrixThis is a Real matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.generic.matrixtypeSuanShu
RealScalarFunctionA real valued function a (R^n ightarrow R) function, (y = f(x_1, .Interfacecom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
RealScalarFunctionChromosomeThis chromosome encodes a real valued function.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegridSuanShu
RealScalarSubFunctionThis constructs a RealScalarFunction from another RealScalarFunction by restricting/fixing the values of a subset ofClasscom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
RealVectorFunctionA vector-valued function a (R^n ightarrow R^m) function, ([y_1,.Interfacecom.numericalmethod.suanshu.analysis.function.rn2rmSuanShu
RealVectorSpaceA vector space is a set of vectors that are closed under some operations.Classcom.numericalmethod.suanshu.algebra.linear.vector.doubles.operationSuanShu
RealVectorSubFunctionThis constructs a RealVectorFunction from another RealVectorFunction by restricting/fixing the values of a subset of variables.Classcom.numericalmethod.suanshu.analysis.function.rn2rmSuanShu
RecursiveGridInterpolationThis algorithm works by recursively calling lower order interpolation (hence the cost is exponential), until the given univariate algorithm can be used when the remaining dimensionClasscom.numericalmethod.suanshu.analysis.curvefit.interpolation.multivariateSuanShu
ReferenceClasscom.numericalmethod.suanshu.misc.parallelSuanShu
RelativeToleranceThe stopping criteria is that the norm of the residual r relative to the input base is equal to or smaller than the specifiedClasscom.numericalmethod.suanshu.misc.algorithm.iterative.toleranceSuanShu
RemoteConfigJava class for remoteConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
RemoteConfigurationInterfacecom.numericalmethod.suanshu.grid.config.remoteSuanShu
RemoteGridExecutorInterface for classes that execute their tasks remotely.Interfacecom.numericalmethod.suanshu.grid.executor.remoteSuanShu
RemoteGridExecutorTestHelperWhen using this class directly, you should remember to call shutdown() after you're done This class is designed to help build unit tests for distributed computations using the gridClasscom.numericalmethod.suanshu.grid.testSuanShu
ResamplerThis is the interface of a re-sampler method.Interfacecom.numericalmethod.suanshu.stats.random.sampler.resamplerSuanShu
ResamplerModelInterfacecom.numericalmethod.suanshu.model.lai2010.fitSuanShu
ResultSimple immutable message class to communicate results.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
ReturnLevelGiven a GEV distribution of a random variable (X), the return level (eta) is the value that is expected to be exceeded on average once every interval of time (T), with a probability ofClasscom.numericalmethod.suanshu.stats.evt.functionSuanShu
ReturnPeriodThe return period (R) of a level (eta) for a random variable (X) is the mean number of trials that must be done for (X) to exceed (eta).Classcom.numericalmethod.suanshu.stats.evt.functionSuanShu
ReturnsMomentsContains the estimated moments of asset returns.Classcom.numericalmethod.suanshu.model.returns.momentsSuanShu
ReturnsMomentsEstimatorInterfacecom.numericalmethod.suanshu.model.lai2010.fitSuanShu
ReturnsResamplerFactoryThis is a factory interface to construct new instances of multivariate resamplers.Interfacecom.numericalmethod.suanshu.model.lai2010.ceta.npeb.resamplerSuanShu
ReversedWeibullDistributionThe Reversed Weibull distribution is a special case (Type III) of the generalized extreme value distribution, with (xi<0).Classcom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
RiddersRidders' method computes the numerical derivative of a function.Classcom.numericalmethod.suanshu.analysis.differentiationSuanShu
RiemannThis is a wrapper class that integrates a function by using an appropriate integrator together with Romberg's method.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemannSuanShu
RingInterfacecom.numericalmethod.suanshu.algebra.structureSuanShu
RLGFunctionRandomized function that requires a single RLG for evaluation.Classcom.numericalmethod.suanshu.grid.function.randomSuanShu
RngConfigJava class for rngConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
RNGsInterfacecom.numericalmethod.suanshu.grid.function.randomSuanShu
RNGUtilsProvides static methods that wraps random number generators to produce synchronized generators.Classcom.numericalmethod.suanshu.stats.random.rngSuanShu
RntoMatrixThis interface is a function that maps from Rn to a Matrix space.Interfacecom.numericalmethod.suanshu.analysis.function.matrixSuanShu
RobustAdaptiveMetropolisA variation of Metropolis, that uses the estimated covariance of the target distribution in the proposal distribution, based on a paper by Vihola (2011).Classcom.numericalmethod.suanshu.stats.random.rng.multivariate.mcmc.metropolisSuanShu
RombergRomberg's method computes an integral by generating a sequence of estimations of the integral value and then doing an extrapolation.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.newtoncotesSuanShu
RootedTreeA rooted tree is a directed graph, and has a root to measure distance from theSee Also:Wikipedia: Simple graphInterfacecom.numericalmethod.suanshu.graphSuanShu
RungeKuttaThe Runge-Kutta methods are an important family of implicit and explicit iterative methods for the approximation of solutions of ordinary differential equations.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta1This is the first-order Runge-Kutta formula, which is the same as the Euler method.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta10This is the tenth-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta2This is the second-order Runge-Kutta formula, which can be implemented efficiently with a three-step algorithm.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta3This is the third-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta4This is the fourth-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta5This is the fifth-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta6This is the sixth-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta7This is the seventh-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKutta8This is the eighth-order Runge-Kutta formula.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKuttaFehlbergThe Runge-Kutta-Fehlberg method is a version of the classic Runge-Kutta method, which additionally uses step-size control and hence allows specification of a local truncation errorClasscom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKuttaIntegratorThis integrator works with a single-step stepper which estimates the solution for the next step given the solution of the current step.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
RungeKuttaStepperInterfacecom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.rungekuttaSuanShu
SampleAutoCorrelationThis is the sample Auto-Correlation Function (ACF) for a univariate data set.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.sampleSuanShu
SampleAutoCovarianceThis is the sample Auto-Covariance Function (ACVF) for a univariate data set.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.sampleSuanShu
SampleCovarianceThis class computes the Covariance matrix of a matrix, where the (i, j) entry is the covariance of the i-th column and j-th column of the matrix.Classcom.numericalmethod.suanshu.stats.descriptive.covarianceSuanShu
SamplePartialAutoCorrelationThis is the sample partial Auto-Correlation Function (PACF) for a univariate data set.Classcom.numericalmethod.suanshu.stats.timeseries.linear.univariate.sampleSuanShu
ScaledPolynomialThis constructs a scaled polynomial that has neither too big or too small coefficients, hence avoiding overflow or underflow.Classcom.numericalmethod.suanshu.analysis.function.polynomialSuanShu
ScientificNotationClasscom.numericalmethod.suanshu.numberSuanShu
SDEThis class represents a univariate, continuous-time Stochastic Differential Equation (SDE) of the following form.Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sdeSuanShu
SDPDualProblemA dual SDP problem, as in equation 14.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.problemSuanShu
SDPPrimalProblemA Primal SDP problem, as in equation 14.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.problemSuanShu
SDPT3v4This implements Algorithm_IPC, the SOCP interior point algorithm in SDPT3 version 4.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.interiorpointSuanShu
SeedableA seed-able experiment allow the same experiment to be repeated in exactly the same way.Interfacecom.numericalmethod.suanshu.stats.randomSuanShu
SelectionByAICIn each step, a factor is added if the resulting model has the highest AIC, until no factor addition can result in a model with AIC higher than the current AIC.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
SelectionByZValueIn each step, the most significant factor is added, until all remaining factors are insignificant.Classcom.numericalmethod.suanshu.stats.regression.linear.glm.modelselectionSuanShu
SemiImplicitExtrapolationSemi-Implicit Extrapolation is a method of solving ordinary differential equations, that is similar to Burlisch-Stoer extrapolation.Classcom.numericalmethod.suanshu.analysis.differentialequation.ode.ivp.solver.extrapolationSuanShu
SequenceA sequence is an ordered list of (real) numbers.Interfacecom.numericalmethod.suanshu.analysis.sequenceSuanShu
ShapiroWilkThe Shapiro-Wilk test tests the null hypothesis that a sample comes from a normally distributed population.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
ShapiroWilkDistributionShapiro-Wilk distribution is the distribution of the Shapiro-Wilk statistics, which tests the null hypothesis that a sample comes from a normally distributed population.Classcom.numericalmethod.suanshu.stats.test.distribution.normalitySuanShu
ShortestPathIn graph theory, a shortest path algorithm finds a path between two vertices in a graph such that the sum of the weights of its constituent edges is minimized.Interfacecom.numericalmethod.suanshu.graph.algorithm.shortestpathSuanShu
SHR0SHR0 is a simple uniform random number generator.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniformSuanShu
SHR3SHR3 is a 3-shift-register generator with period 2^32-1.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniformSuanShu
SiegelTukeyThe Siegel-Tukey test tests for differences in scale (variability) between two groups.Classcom.numericalmethod.suanshu.stats.test.rankSuanShu
SimilarMatrixGiven a matrix A and an invertible matrix P, we construct the similar matrixSee Also:Wikipedia: Similar matrixClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
SimpleAnnealingFunctionThis annealing function takes a random step in a uniform direction, where the step size depends only on the temperature.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.annealingfunctionSuanShu
SimpleAR1FitThis class does a quick AR(1) fitting to the time series, essentially treating the returns as independent.Classcom.numericalmethod.suanshu.model.lai2010.fitSuanShu
SimpleAR1MomentsClasscom.numericalmethod.suanshu.model.lai2010.fitSuanShu
SimpleArcA simple arc has two vertices: head and tail.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SimpleCellFactoryA SimpleCellFactory produces SimpleCellFactory.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegridSuanShu
SimpleDoubleArrayOperationThis is a simple, single-threaded implementation of the array math operations.Classcom.numericalmethod.suanshu.number.doublearraySuanShu
SimpleEdgeA simple edge has two vertices.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SimpleGARCHFitThis class does a quick GARCH(1,1) fitting to the time series, essentially treating the returns as independent.Classcom.numericalmethod.suanshu.model.lai2010.fitSuanShu
SimpleGARCHMomentsEstimates the moments by GARCH model.Classcom.numericalmethod.suanshu.model.lai2010.fitSuanShu
SimpleGridMinimizerThis minimizer is a simple global optimization method.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegridSuanShu
SimpleMatrixMathOperationThis is a generic, single-threaded implementation of matrix math operations.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperationSuanShu
SimpleMCThis is a time-homogeneous Markov chain with a finite state space.Classcom.numericalmethod.suanshu.stats.markovchainSuanShu
SimpleTemperatureFunctionAbstract class for the common case where (T^V_t = T^A_t).Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
SimpleTestRemoteConfigurationDoesn't perform failure detection.Classcom.numericalmethod.suanshu.grid.test.configSuanShu
SimpleTimeSeriesThis simple univariate time series simply wraps a double[] to form a time series.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.univariate.realtime.inttimeSuanShu
SimplexCuttingPlaneMinimizerThe use of cutting planes to solve Mixed Integer Linear Programming (MILP) problems was introduced by Ralph E Gomory.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.integer.linear.cuttingplaneSuanShu
SimplexPivotingA simplex pivoting finds a row and column to exchange to reduce the cost function.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.pivotingSuanShu
SimplexTableThis is a simplex table used to solve a linear programming problem using a simplex method.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplexSuanShu
SimpsonSimpson's rule can be thought of as a special case of Romberg's method.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.newtoncotesSuanShu
SimulatedAnnealingMinimizerSimulated Annealing is a global optimization meta-heuristic that is inspired by annealing in metallurgy.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealingSuanShu
SingleRLGRNGs that contains a single RLG instance.Classcom.numericalmethod.suanshu.grid.function.randomSuanShu
SingularValueByDQDSComputes all the singular values of a bidiagonal matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.dqdsSuanShu
SkewnessSkewness is a measure of the asymmetry of the probability distribution.Classcom.numericalmethod.suanshu.stats.descriptive.momentSuanShu
SlaveSlave that is meant to run on a remote machine and that creates the Worker instances.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
SlaveConfigJava class for slaveConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
SlavesConfigJava class for slavesConfig complex type.Classcom.numericalmethod.suanshu.grid.config.xml.schemaSuanShu
SmallestSubscriptRuleBland's smallest-subscript rule is for anti-cycling in choosing a pivot.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.qp.lp.simplex.pivotingSuanShu
SOCPDualProblemThis is the Dual Second Order Conic Programming problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problemSuanShu
SOCPGeneralConstraintThis represents the SOCP general constraint of this form.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problemSuanShu
SOCPGeneralConstraintsThis represents a set of SOCP general constraints of this form.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problemSuanShu
SOCPGeneralProblemMany convex programming problems can be represented in the following form.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problemSuanShu
SOCPPortfolioConstraintAn SOCP constraint for portfolio optimization, e.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problem.portfoliooptimizationSuanShu
SOCPPortfolioObjectiveFunctionConstructs the objective function for portfolio optimization.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problem.portfoliooptimizationSuanShu
SOCPPortfolioProblemConstructs an SOCP problem for portfolio optimization.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problem.portfoliooptimizationSuanShu
SOCPRiskConstraintClasscom.numericalmethod.suanshu.optimization.multivariate.constrained.convex.sdp.socp.problem.portfoliooptimizationSuanShu
SORSweepThis is a building block for to perform the forward or backward sweep.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.stationarySuanShu
SortableArrayThese arrays can be sorted according to the dictionary order.Classcom.numericalmethod.suanshu.misc.datastructureSuanShu
SortedOrderedPairsThe ordered pairs are first sorted by abscissa, then by ordinate.Classcom.numericalmethod.suanshu.analysis.function.tupleSuanShu
SparseDAGraphThis class implements the sparse directed acyclic graph representation.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SparseDiGraphThis class implements the sparse directed graph representation.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SparseGraphThis class implements the sparse graph representation.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SparseMatrixA sparse matrix stores only non-zero values.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
SparseMatrixUtilsThese are the utility functions for SparseMatrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
SparseStructureThis interface defines common operations on sparse structures such as sparse vector or sparse matrix.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
SparseTreeThis class implements the sparse tree representation.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SparseUnDiGraphThis class implements the sparse undirected graph representation.Classcom.numericalmethod.suanshu.graph.typeSuanShu
SparseVectorA sparse vector stores only non-zero values.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparseSuanShu
SpearmanRankCorrelationSpearman's rank correlation coefficient or Spearman's rho is a non-parametric measure of statistical dependence between two variables.Classcom.numericalmethod.suanshu.stats.descriptive.correlationSuanShu
SpectrumA spectrum is the set of eigenvalues of a matrix.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigenSuanShu
SQPActiveSetMinimizerSequential quadratic programming (SQP) is an iterative method for nonlinear optimization.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activesetSuanShu
SQPActiveSetOnlyEqualityConstraint1MinimizerThis implementation is a modified version of Algorithm 15.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activeset.equalityconstraintSuanShu
SQPActiveSetOnlyEqualityConstraint2MinimizerThis particular implementation of SQPActiveSetOnlyEqualityConstraint1Minimizer uses SQPASEVariation2.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activeset.equalityconstraintSuanShu
SQPActiveSetOnlyInequalityConstraintMinimizerThis implementation is a modified version of Algorithm 15.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activesetSuanShu
SQPASEVariationThis interface allows customization of certain operations in the Active Set algorithm to solve a general constrained minimization problem with only equality constraints using Sequential Quadratic Programming.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activeset.equalityconstraintSuanShu
SQPASEVariation1This implementation is a modified version of the algorithm in the reference to solve a general constrained minimization problem using Sequential Quadratic Programming.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activeset.equalityconstraintSuanShu
SQPASEVariation2This implementation tries to find an exact positive definite Hessian whenever possible.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activeset.equalityconstraintSuanShu
SQPASVariationThis interface allows customization of certain operations in the Active Set algorithm to solve a general constrained minimization problem using Sequential Quadratic Programming.Interfacecom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activesetSuanShu
SQPASVariation1This implementation is a modified version of Algorithm 15.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.sqp.activesetSuanShu
SSORPreconditionerSSOR preconditioner is derived from a symmetric coefficient matrix A which is decomposed asClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.preconditionerSuanShu
StandardCumulativeNormalThe cumulative Normal distribution function describes the probability of a Normal random variable falling in the interval ((-infty, x]).Interfacecom.numericalmethod.suanshu.analysis.function.special.gaussianSuanShu
StandardIntervalThis transformation is for mapping integral region from [a, b] to [-1, 1].Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
StandardNormalRNGAn alias for Zignor2005 to provide a default implementation for sampling from the standard Normal distribution.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
StateEquationThis is the state equation in a controlled dynamic linear model.Classcom.numericalmethod.suanshu.stats.dlm.univariateSuanShu
StatisticA statistic (singular) is a single measure of some attribute of a sample (e.Interfacecom.numericalmethod.suanshu.stats.descriptiveSuanShu
StatisticFactoryA factory to construct a new Statistic.Interfacecom.numericalmethod.suanshu.stats.descriptiveSuanShu
SteepestDescentMinimizerA steepest descent algorithm finds the minimum by moving along the negative of the steepest gradient direction.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.steepestdescentSuanShu
SteepestDescentSolverThe Steepest Descent method (SDM) solves a symmetric n-by-n linear system.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.nonstationarySuanShu
StepFunctionA step function (or staircase function) is a finite linear combination of indicator functions of Informally speaking, a step function is a piecewise constant function having only finitely manyClasscom.numericalmethod.suanshu.analysis.function.rn2r1.univariateSuanShu
StopConditionDefines when an algorithm stops (the iterations).Interfacecom.numericalmethod.suanshu.misc.algorithm.stopconditionSuanShu
StringUtilsUtility methods for string manipulation.Classcom.numericalmethod.suanshu.miscSuanShu
SturmCountClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
SubFunctionA sub-function, g, is defined over a subset of the domain of another (original) function,Classcom.numericalmethod.suanshu.analysis.functionSuanShu
SubMatrixBlockSub-matrix block representation for block algorithm.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.mathoperation.multiplicationSuanShu
SubMatrixRefThis is a 'reference' to a sub-matrix of a larger matrix without copying it.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
SubProblemMinimizerThis minimizer solves a constrained optimization sub-problem where the values for some variables are held fixed for the original optimization problem.Classcom.numericalmethod.suanshu.optimization.multivariate.constrainedSuanShu
SubstitutionRuleA substitution rule specifies (x(t)) and (frac{mathrm{d} x}{mathrm{d} t}).Interfacecom.numericalmethod.suanshu.analysis.integration.univariate.riemann.substitutionSuanShu
SubVectorRefRepresents a sub-vector backed by the referenced vector, without data copying.Classcom.numericalmethod.suanshu.algebra.linear.vector.doublesSuanShu
SuccessiveOverrelaxationSolverThe Successive Overrelaxation method (SOR), is devised by applying extrapolation to the Gauss-Seidel method.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.stationarySuanShu
SummationSummation is the operation of adding a sequence of numbers; the result is their sum or total.Classcom.numericalmethod.suanshu.analysis.sequenceSuanShu
SumOfPenaltiesThis penalty function sums up the costs from a set of constituent penalty functions.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
SumOfPoweredWeightsDefines portfolio diversification as D(w) = sum_i w_i^PClasscom.numericalmethod.suanshu.model.corvalan2005.diversificationSuanShu
SumOfSquaredWeightsDefines portfolio diversification as D(w) = sum_i w_i^2Classcom.numericalmethod.suanshu.model.corvalan2005.diversificationSuanShu
SumOfWLogWDefines portfolio diversification as D(w) = sum_i w_i ln(w_i)Classcom.numericalmethod.suanshu.model.corvalan2005.diversificationSuanShu
SVDSVD decomposition decomposes a matrix A of dimension m x n, where m >= n, U' * A * V = D, or U * D * V' = A.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svdSuanShu
SVDbyMR3Given a matrix A, computes its singular value decomposition (SVD), using "Algorithm of Multiple Relatively Robust Representations" (MRRR).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svd.mr3SuanShu
SVDDecompositionSVD decomposition decomposes a matrix A of dimension m x n, where m >= n, such that U' * A * V = D, or U * D * V' = A.Interfacecom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svdSuanShu
SVECSVEC converts a symmetric matrix K = {Kij} into a vector of dimension n(n+1)/2.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
SymmetricEigenByMR3Computes eigen decomposition for a symmetric matrix using "Algorithm of Multiple Relatively Robust Representations" (MRRR).Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
SymmetricEigenFor2x2MatrixClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.mr3SuanShu
SymmetricKroneckerCompute the symmetric Kronecker product of two matrices.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
SymmetricMatrixA symmetric matrix is a square matrix such that its transpose equals to itself, i.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.triangleSuanShu
SymmetricQRAlgorithmThe symmetric QR algorithm is an eigenvalue algorithm by computing the real Schur canonical form of a square, symmetric matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
SymmetricSuccessiveOverrelaxationSolverThe Symmetric Successive Overrelaxation method (SSOR) is like SOR, but it performs in eachClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.sparse.solver.iterative.stationarySuanShu
SymmetricSVDThis algorithm calculates the Singular Value Decomposition (SVD) of a square, symmetric matrix A using QR algorithm.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.svdSuanShu
SynchronizedStatisticThis is a thread-safe wrapper of Statistic by synchronizing all public methods so that only one thread at a time can access the instance.Classcom.numericalmethod.suanshu.stats.descriptiveSuanShu
TStudent's t-test tests for the equality of means, for the one-sample case, against a hypothetical mean,Classcom.numericalmethod.suanshu.stats.test.meanSuanShu
TableA table is a means of arranging data in rows and columns.Interfacecom.numericalmethod.suanshu.misc.datastructureSuanShu
TDistributionThe Student t distribution is the probability distribution of t, where t = frac{ar{x} - mu}{s / sqrt N}Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
TemperatureFunctionA temperature function defines a temperature schedule used in simulated annealing.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.temperaturefunctionSuanShu
TemperedAcceptanceProbabilityFunctionA tempered acceptance probability function computes the probability that the next state transition will be accepted.Interfacecom.numericalmethod.suanshu.optimization.multivariate.unconstrained.annealing.acceptanceprobabilityfunctionSuanShu
TestRemoteConfigurationFactoryUsed to allow the test to customize its configuration, after the slaves have been configured by a RemoteGridExecutorTestHelper.Interfacecom.numericalmethod.suanshu.grid.testSuanShu
ThinRNGThinning is a scheme that returns every m-th item, discarding the last m-1 items for each draw.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
ThinRVGThinning is a scheme that returns every m-th item, discarding the last m-1 items for each draw.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
ThomasAlgorithmThomas algorithm is an efficient algorithm to solve a linear tridiagonal matrix equation.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.linearsystemSuanShu
ThreadIDRLGClasscom.numericalmethod.suanshu.stats.random.rng.concurrent.contextSuanShu
ThreadIDRNGClasscom.numericalmethod.suanshu.stats.random.rng.concurrent.contextSuanShu
ThreadLocalRngGridExecutorA simple adaptor, which allows for execution of RandomizedFunctions, using a random number generator for each thread (with the same thread name).Classcom.numericalmethod.suanshu.grid.executor.localSuanShu
TiesCount the number of occurrences of each distinctive value.Classcom.numericalmethod.suanshu.combinatoricsSuanShu
TimeGridSpecify the time points in a grid or axis.Interfacecom.numericalmethod.suanshu.stats.stochasticprocess.timegridSuanShu
TimeIntervalThis is a time interval.Classcom.numericalmethod.suanshu.misc.datastructure.timeSuanShu
TimeIntervalsThis is a collection of time intervals TimeInterval.Classcom.numericalmethod.suanshu.misc.datastructure.timeSuanShu
TimeSeriesA time series is a serially indexed collection of items.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructureSuanShu
ToleranceThe tolerance criteria for an iterative algorithm to stop.Interfacecom.numericalmethod.suanshu.misc.algorithm.iterative.toleranceSuanShu
TrapezoidalThe Trapezoidal rule is a closed type Newton-Cotes formula, where the integral interval is evenly divided into N sub-intervals.Classcom.numericalmethod.suanshu.analysis.integration.univariate.riemann.newtoncotesSuanShu
TraversalFromRootsA graph traversal is the problem of visiting all the nodes in a graph in a particular manner.Classcom.numericalmethod.suanshu.graph.algorithm.traversalSuanShu
TreeA tree is an undirected graph in which any two vertices are connected by exactly one simple path.Classcom.numericalmethod.suanshu.graphSuanShu
TrendTypeThese are the three versions of the Augmented Dickey-Fuller (ADF) test.Classcom.numericalmethod.suanshu.stats.test.timeseries.adfSuanShu
TriangularDistributionClasscom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
TridiagonalDeflationSearchThis class locates deflation in a tridiagonal matrix.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.eigen.qrSuanShu
TriDiagonalizationA tri-diagonal matrix A is a matrix such that it has non-zero elements only in the main diagonal, the first diagonal below, and the firstClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.factorization.diagonalizationSuanShu
TridiagonalMatrixA tri-diagonal matrix has non-zero entries only on the super, main and sub diagonals.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.diagonalSuanShu
TrigammaThe trigamma function is defined as the logarithmic derivative of the digamma function.Classcom.numericalmethod.suanshu.analysis.function.special.gammaSuanShu
TrigMathA collection of trigonometric functions complementary to those in Java's Math class.Classcom.numericalmethod.suanshu.geometrySuanShu
TripleA triple is a tuple of length three.Classcom.numericalmethod.suanshu.analysis.function.tupleSuanShu
TrivariateRealFunctionA trivariate real function takes three real arguments and outputs one real value.Interfacecom.numericalmethod.suanshu.analysis.function.rn2r1SuanShu
TruncatedNormalDistributionThe truncated Normal distribution is the probability distribution of a normally distributed random variable whose value is either bounded below or above (or both).Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
TwiddleGenerates all combinations of M elements drawn without replacement from a set of N elements.Classcom.numericalmethod.suanshu.combinatoricsSuanShu
UnconstrainedLASSObyCoordinateDescentThis class solves the unconstrained form of LASSO, that is, min_w left { left | Xw - y ight |_2^2 + lambda * left | wClasscom.numericalmethod.suanshu.stats.regression.linear.lassoSuanShu
UnconstrainedLASSObyQPThis class solves the unconstrained form of LASSO (i.Classcom.numericalmethod.suanshu.stats.regression.linear.lassoSuanShu
UnconstrainedLASSOProblemA LASSO (least absolute shrinkage and selection operator) problem focuses on solving an RSS (residual sum of squared errors) problem with L1 regularization.Classcom.numericalmethod.suanshu.stats.regression.linear.lassoSuanShu
UnDiGraphAn undirected graph is a graph, or set of nodes connected by edges, where an edge does not differentiate between (a, b) or (b, a).Interfacecom.numericalmethod.suanshu.graphSuanShu
UndirectedEdgeA tagging interface for implementations of an undirected graph that accept only undirected edges.Interfacecom.numericalmethod.suanshu.graphSuanShu
UniformDistributionOverBoxThis random vector generator uniformly samples points over a box region.Classcom.numericalmethod.suanshu.stats.random.rng.multivariateSuanShu
UniformDistributionOverBox1This algorithm, by sampling uniformly in each dimension, generates a set of initials uniformly distributed over a box region,Classcom.numericalmethod.suanshu.optimization.multivariate.initializationSuanShu
UniformDistributionOverBox2This algorithm, by perturbing each grid point by a small random scale, generates a set of initials uniformly distributed over a box region,Classcom.numericalmethod.suanshu.optimization.multivariate.initializationSuanShu
UniformMeshOverRegionThe initial population is generated by putting a uniform mesh/grid/net over the entire region.Classcom.numericalmethod.suanshu.optimization.multivariate.geneticalgorithm.minimizer.simplegrid.firstgenerationSuanShu
UniformRNGA pseudo uniform random number generator samples numbers from the unit interval, [0, 1], in such a way that there are equal probabilities of them falling in any same length sub-interval.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.uniformSuanShu
UnirootA root-finding algorithm is a numerical algorithm for finding a value x such that f(x) = 0, for a given function f.Interfacecom.numericalmethod.suanshu.analysis.root.univariateSuanShu
UnitGridThis is the sequence of time points [0, 1, .Classcom.numericalmethod.suanshu.stats.stochasticprocess.timegridSuanShu
UnivariateEVDDistribution of extreme values (e.Interfacecom.numericalmethod.suanshu.stats.evt.evd.univariateSuanShu
UnivariateMinimizerA univariate minimizer minimizes a univariate function.Interfacecom.numericalmethod.suanshu.optimization.univariateSuanShu
UnivariateRealFunctionA univariate real function takes one real argument and outputs one real value.Interfacecom.numericalmethod.suanshu.analysis.function.rn2r1.univariateSuanShu
UnivariateTimeSeriesThis is a univariate time series indexed by some notion of time.Interfacecom.numericalmethod.suanshu.stats.timeseries.datastructure.univariateSuanShu
UnivariateTimeSeriesUtilsThese are the utility functions to manipulate a univariate time series.Classcom.numericalmethod.suanshu.stats.timeseries.datastructure.univariateSuanShu
UnsatisfiableErrorCriterionExceptionAn exception that is thrown when the error criterion cannot be met.Classcom.numericalmethod.suanshu.analysis.differentialequationSuanShu
UpperBoundConstraintsClasscom.numericalmethod.suanshu.optimization.multivariate.constrained.constraint.linearSuanShu
UpperTriangularMatrixAn upper triangular matrix has 0 entries where row index is greater than column index.Classcom.numericalmethod.suanshu.algebra.linear.matrix.doubles.matrixtype.dense.triangleSuanShu
VanDerWaerdenThe Van der Waerden test tests for the equality of all population distribution functions.Classcom.numericalmethod.suanshu.stats.test.rankSuanShu
VanDerWaerden1969Classcom.numericalmethod.suanshu.stats.random.rng.univariate.betaSuanShu
VARFitThis class construct a VAR model by estimating the coefficients using OLS regression.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VarianceThe variance of a sample is the average squared deviations from the sample mean.Classcom.numericalmethod.suanshu.stats.descriptive.momentSuanShu
VariancebtXClasscom.numericalmethod.suanshu.algebra.linear.matrix.doubles.operationSuanShu
VARIMAModelAn ARIMA(p, d, q) process, Yt, is such that X_t = (1 - L)^d Y_tClasscom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.arimaSuanShu
VARIMASimThis class simulates a multivariate ARIMA process.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.arimaSuanShu
VARIMAXModelThe ARIMAX model (ARIMA model with eXogenous inputs) is a generalization of the ARIMA model by incorporating exogenous variables.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.arimaSuanShu
VARLinearRepresentationThe linear representation of an Autoregressive Moving Average (ARMA) model is a (truncated) infinite sum of AR terms.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARMAAutoCorrelationCompute the Auto-Correlation Function (ACF) for a vector AutoRegressive Moving Average (ARMA) model, assuming that This implementation solves the Yule-Walker equation.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARMAAutoCovarianceCompute the Auto-CoVariance Function (ACVF) for a vector AutoRegressive Moving Average (ARMA) model, assuming that This implementation solves the Yule-Walker equation.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARMAForecastOneStepThis is an implementation, adapted for an ARMA process, of the innovation algorithm, which is an efficient way of obtaining a one step least square linear predictor.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARMAModelA multivariate ARMA model, Xt, takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARMAXModelThe ARMAX model (ARMA model with eXogenous inputs) is a generalization of the ARMA model by incorporating exogenous variables.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARModelThis class represents a VAR model.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VARXModelA VARX (Vector AutoRegressive model with eXogeneous inputs) model, Xt, takes Y_t = mu + Sigma phi_i * Y_{t-i} + Psi * D_t + epsilon_tClasscom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VECMA Vector Error Correction Model (VECM(p)) has one of the following specifications: Delta Y_t = mu + Pi Y_{t-1} + sum left ( Gamma_i Y_{t-1} ight ) + Psi D_t + epsilon_t, i = 1, 2, .Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VECMLongrunThe long-run Vector Error Correction Model (VECM(p)) takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VECMTransitoryA transitory Vector Error Correction Model (VECM(p)) takes this form.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VectorAn Euclidean vector is a geometric object that has both a magnitude/length and a direction.Interfacecom.numericalmethod.suanshu.algebra.linear.vector.doublesSuanShu
VectorAccessExceptionThis is the exception thrown when any invalid access to a Vector instance is detected, e.Classcom.numericalmethod.suanshu.algebra.linear.vectorSuanShu
VectorFactoryThese are the utility functions that create new instances of vectors from existing ones.Classcom.numericalmethod.suanshu.algebra.linear.vector.doubles.operationSuanShu
VectorMonitorThis IterationMonitor stores all vectors generated during iterations.Classcom.numericalmethod.suanshu.misc.algorithm.iterative.monitorSuanShu
VectorSizeMismatchThis is the exception thrown when an operation is performed on two vectors with differentSee Also:Serialized FormClasscom.numericalmethod.suanshu.algebra.linear.vectorSuanShu
VectorSpaceA vector space is a set V together with two binary operations that combine two entities to yield a third, called vector addition and scalar multiplication.Interfacecom.numericalmethod.suanshu.algebra.structureSuanShu
VertexTreeA VertexTree is both a tree and a vertex/node.Classcom.numericalmethod.suanshu.graph.typeSuanShu
ViterbiThe Viterbi algorithm is a dynamic programming algorithm for finding the most likely sequence of hidden states - called the Viterbi path - that results inClasscom.numericalmethod.suanshu.stats.hmmSuanShu
VMAInvertibilityThe inverse representation of an Autoregressive Moving Average (ARMA) model is a (truncated) infinite sum of the Moving Averages.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
VMAModelThis class represents a multivariate MA model.Classcom.numericalmethod.suanshu.stats.timeseries.linear.multivariate.stationaryprocess.armaSuanShu
WaveEquation1DA one-dimensional wave equation is a hyperbolic PDE that takes the following form.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.hyperbolic.dim1SuanShu
WaveEquation2DA two-dimensional wave equation is a hyperbolic PDE that takes the following form.Classcom.numericalmethod.suanshu.analysis.differentialequation.pde.finitedifference.hyperbolic.dim2SuanShu
WeibullDistributionThe Weibull distribution interpolates between the exponential distribution k = 1 and the Rayleigh distribution (k = 2),Classcom.numericalmethod.suanshu.stats.distribution.univariateSuanShu
WeibullRNGThis random number generator samples from the Weibull distribution using the inverse transform sampling method.Classcom.numericalmethod.suanshu.stats.random.rng.univariateSuanShu
WeightedArcA weighted arc is an arc that has a weight or a cost associated with it.Interfacecom.numericalmethod.suanshu.graphSuanShu
WeightedEdgeA weighted edge has a weight or a cost associated with it.Interfacecom.numericalmethod.suanshu.graphSuanShu
WeightedMeanThe weighted mean is defined as ar{x} = frac{ sum_{i=1}^N w_i x_i}{sum_{i=1}^N w_i}Classcom.numericalmethod.suanshu.stats.descriptive.moment.weightedSuanShu
WeightedRSSWeighted sum of squared residuals (RSS) for a given function (f(.Classcom.numericalmethod.suanshu.stats.regressionSuanShu
WeightedVarianceThe weighted sample variance is defined as follows.Classcom.numericalmethod.suanshu.stats.descriptive.moment.weightedSuanShu
WhiteThe White test tests for conditional heteroskedasticity.Classcom.numericalmethod.suanshu.stats.test.regression.linear.heteroskedasticitySuanShu
WilcoxonRankSumThe Wilcoxon rank sum test tests for the equality of means of two populations, or whether the means differ by an offset.Classcom.numericalmethod.suanshu.stats.test.rank.wilcoxonSuanShu
WilcoxonRankSumDistributionCompute the exact distribution of the Wilcoxon rank sum test statistic.Classcom.numericalmethod.suanshu.stats.test.rank.wilcoxonSuanShu
WilcoxonSignedRankThe Wilcoxon signed rank test tests, for the one-sample case, the median of the distribution against a hypothetical median, andClasscom.numericalmethod.suanshu.stats.test.rank.wilcoxonSuanShu
WilcoxonSignedRankDistributionCompute the exact distribution of the Wilcoxon signed rank test statistic.Classcom.numericalmethod.suanshu.stats.test.rank.wilcoxonSuanShu
WorkRepresents a unit of work as done by an actor (worker).Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
WorkAssignmentUtility class that contains the method that performs assignment of a task with a given index to a slave/worker with a given index (given the numbers of slaves and workers).Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
WorkerThe actor who does the real work.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
WorkerCountCollectorCollects the number of workers managed by each of the given slaves.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.actorSuanShu
WorkerCountReplyReply for WorkerCountRequest.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
WorkerCountRequestRequest for the number of workers managed by a slave.Classcom.numericalmethod.suanshu.grid.executor.remote.akka.messageSuanShu
XiTanLiu2010aXi, Tan and Liu proposed two simple algorithms to generate gamma random numbers based on the ratio-of-uniforms method and logarithmic transformations of gamma random variable.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
XiTanLiu2010bXi, Tan and Liu proposed two simple algorithms to generate gamma random numbers based on the ratio-of-uniforms method and logarithmic transformations of gamma random variable.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.gammaSuanShu
XtAdaptedFunctionThis represents an Ft-adapted function that depends only on X(t).Classcom.numericalmethod.suanshu.stats.stochasticprocess.univariate.sdeSuanShu
ZangwillMinimizerZangwill's algorithm is an improved version of Powell's algorithm.Classcom.numericalmethod.suanshu.optimization.multivariate.unconstrained.c2.conjugatedirectionSuanShu
ZeroDriftVectorThis class represents a 0 drift function.Classcom.numericalmethod.suanshu.stats.stochasticprocess.multivariate.sde.coefficientsSuanShu
ZeroPenaltyThis is a dummy zero cost (no cost) penalty function.Classcom.numericalmethod.suanshu.optimization.multivariate.constrained.general.penaltymethodSuanShu
Ziggurat2000The Ziggurat algorithm is an algorithm for pseudo-random number sampling from the Normal distribution.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu
Ziggurat2000ExpThis implements the ziggurat algorithm to sample from the exponential distribution.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.expSuanShu
Zignor2005This is an improved version of the Ziggurat algorithm as proposed in the reference.Classcom.numericalmethod.suanshu.stats.random.rng.univariate.normalSuanShu