IMSL C Numerical Library PDF
IMSL C Numerical Library PDF
Function Catalog
Version 8.5
Table of Contents
IMSL Libraries are also available for Fortran, Java, C# for .NET and
Python
34
RELIABILITY
100 percent pure C code maximizes robustness. It allows
faster and easier debugging, through superior error handling
that not only conveys the error condition, but also suggests
corrective action if appropriate. The result is reduced
application support cost due to the minimization of user error
and data issues.
HIGH PERFORMANCE
EMBEDDABILITY
Development is made easier because library code readily
embeds into application code, with no additional
infrastructure such as app/management consoles, servers,
or programming environments needed.
SCALABILITY
The IMSL C Library supports scalability through:
PROGRAMMING INTERFACE
FLEXIBILITY
Product support:
Gives users direct access to Rogue Waves resident
staff of expert product support specialists.
natural.
CONSULTING SERVICES
THREAD SAFETY
COMPREHENSIVE DOCUMENTATION
Documentation for the IMSL C Library is comprehensive,
lowrank factorizations.
quasi-Monte Carlo.
system of equations.
sequence.
PDE solver.
Probability Distribution Functions and Inverses including the cumulative distribution function (CDF),
inverse CDF, and probability density function (PDF) for
many common discrete and continuous distributions, as
well as multivariate normal, non-central F, Chi-square,
Beta, Students t, and others. This section also includes
parameter estimation by maximum likelihood.
Data Mining - including decision trees, vector autoregression, Apriori analysis, cluster analysis, Kohonen
self-organizing maps, support vector machine,
ensemble models, genetic algorithms, PCA, factor
analysis, feed-forward neural networks, neural network
data pre- and post-processing algorithms, and much
more.
compatibility.
PyIMSL Studio
PyIMSL Studio is the only commercially-available
numerical analysis application development environment
designed for deploying mathematical and statistical
prototype models into production applications. PyIMSL
Studio closes the prototype to production gap by providing
modelers and implementation teams with a common set of
tested and supported high-quality development tools, as
well as the same underlying numerical algorithms. Using
PyIMSL Studio, prototype work is transformed into
production applications faster, with less complexity, cost,
and risk to the project.
DESCRIPTION
lin_sol_gen
lin_sol_gen (complex)
lin_sol_posdef
lin_sol_posdef (complex)
DESCRIPTION
lin_sol_gen_band
lin_sol_gen_band (complex)
lin_sol_posdef_band
lin_sol_posdef_band (complex)
DESCRIPTION
lin_sol_gen_coordinate
lin_sol_gen_coordinate (complex)
superlu
FUNCTION
superlu (complex)
Computes the LU factorization of a general sparse matrix by a leftlooking column method using OpenMP parallelism, and solves the
real sparse linear system of equations Ax = b.
superlu_smp
superlu_smp (complex)
lin_sol_posdef_coordinate
lin_sol_gen_posdef_coordinate (complex)
sparse_cholesky_smp
sparse_cholesky_smp (complex)
lin_sol_gen_min_residual
lin_sol_def_cg
ITERATIVE METHODS
FUNCTION
DESCRIPTION
lin_sol_gen_min_residual
lin_sol_def_cg
DESCRIPTION
DESCRIPTION
lin_least_squares_gen
nonneg_least_squares
lin_lsq_lin_constraints
nonneg_matrix_factorization
lin_svd_gen
lin_svd_gen (complex)
lin_sol_nonnegdef
DESCRIPTION
eig_gen
eig_gen (complex)
eig_sym
eig_herm (complex)
DESCRIPTION
eig_symgen
10
FUNCTION
DESCRIPTION
geneig
geneig (complex)
DESCRIPTION
cub_spline_interp_e_cnd
cub_spline_interp_shape
cub_spline_tcb
DESCRIPTION
cub_spline_value
Computes the value of a cubic spline or the value of one of its derivatives.
cub_spline_integral
SPLINE INTERPOLATION
FUNCTION
DESCRIPTION
spline_interp
spline_knots
spline_2d_interp
DESCRIPTION
spline_value
11
DESCRIPTION
spline_integral
spline_2d_value
Computes the value of a tensor-product spline or the value of one of its partial
derivatives.
spline_2d_integral
MULTIDIMENSIONAL INTERPOLATION
FUNCTION
DESCRIPTION
spline_nd_interp
DESCRIPTION
user_fcn_least_squares
spline_least_squares
spline_2d_least_squares
cub_spline_smooth
spline_lsq_constrained
smooth_1d_data
DESCRIPTION
scattered_2d_interp
12
DESCRIPTION
radial_scattered_fit
radial_evaluate
CHAPTER 4: QUADRATURE
UNIVARIATE QUADRATURE
FUNCTION
DESCRIPTION
int_fcn_sing
int_fcn_sing_1d
int_fcn
int_fcn_sing_pts
int_fcn_alg_log
int_fcn_inf
int_fcn_trig
int_fcn_fourier
int_fcn_cauchy
int_fcn_smooth
f x
dx
xc
13
MULTIDIMENSIONAL QUADRATURE
FUNCTION
DESCRIPTION
int_fcn_2d
int_fcn_sing_2d
int_fcn_sing_3d
int_fcn_hyper_rect
int_fcn_qmc
n 1
dx0
.
DESCRIPTION
gauss_quad_rule
DIFFERENTIATION
FUNCTION
DESCRIPTION
fcn_derivative
DESCRIPTION
ode_runge_kutta
DESCRIPTION
bvp_finite_difference
14
DESCRIPTION
differential_algebraic_eqs
ode_adams_krogh
DESCRIPTION
DESCRIPTION
pde_1d_mg
modified_method_of_lines
feynman_kac
feynman_kac_evaluate
Computes the value of a Hermite quintic spline or the value of one of its
derivatives.
DESCRIPTION
fast_poisson_2d
CHAPTER 6: TRANSFORMS
REAL TRIGONOMETRIC FFT
FUNCTION
DESCRIPTION
fft_real
fft_real_init
15
DESCRIPTION
fft_complex
fft_complex_init
DESCRIPTION
fft_cosine
fft_cosine_init
fft_sine
fft_sine_init
TWODIMENSIONAL FFTS
FUNCTION
DESCRIPTION
fft_2d_complex
DESCRIPTION
convolution
convolution (complex)
LAPLACE TRANSFORM
FUNCTION
DESCRIPTION
inverse_laplace
16
DESCRIPTION
zeros_poly
Finds the zeros of a polynomial with real coefficients using the Jenkins-Traub
three-stage algorithm.
zeros_poly (complex)
Finds the zeros of a polynomial with complex coefficients using the JenkinsTraub three-stage algorithm.
ZEROS OF A FUNCTION
FUNCTION
DESCRIPTION
zero_univariate
zero_function
DESCRIPTION
zeros_sys_eqn
CHAPTER 8: OPTIMIZATION
UNCONSTRAINED MINIMIZATION
UNIVARIATE FUNCTION
FUNCTION
DESCRIPTION
min_uncon
Finds the minimum point of a smooth function f(x) of a single variable using
only function evaluations.
min_uncon_deriv
Finds the minimum point of a smooth function of a single variable using both
function and first derivative evaluations.
min_uncon_golden
Finds the minimum point of a nonsmooth function of a single variable using the
golden selection search method.
MULTIVARIATE FUNCTION
FUNCTION
DESCRIPTION
min_uncon_multivar
17
NONLINEAR LEAST-SQUARES
FUNCTION
DESCRIPTION
nonlin_least_squares
DESCRIPTION
read_mps
linear_programming
lin_prog
quadratic_prog
sparse_lin_prog
sparse_quadratic_prog
min_con_gen_lin
bounded_least_squares
DESCRIPTION
constrained_nlp
SERVICE ROUTINES
FUNCTION
DESCRIPTION
jacobian
18
DESCRIPTION
erf
erfc
erf_inverse
erfce
erfe
erfc_inverse
beta
log_beta
beta_incomplete
-1
-1
GAMMA FUNCTIONS
FUNCTION
DESCRIPTION
gamma
log_gamma
Evaluates the logarithm of the absolute value of the gamma function log |(x)|.
gamma_incomplete
19
PSI FUNCTIONS
FUNCTION
DESCRIPTION
psi
psi1
BESSEL FUNCTIONS
FUNCTION
DESCRIPTION
bessel_J0
Evaluates the real Bessel function of the first kind of order zero J0(x).
bessel_J1
Evaluates the real Bessel function of the first kind of order one J1(x).
bessel_Jx
Evaluates a sequence of Bessel functions of the first kind with real order and
complex arguments.
bessel_Y0
Evaluates the real Bessel function of the second kind of order zero Y0(x).
bessel_Y1
Evaluates the real Bessel function of the second kind of order one Y1(x).
bessel_Yx
Evaluates a sequence of Bessel functions of the second kind with real order
and complex arguments.
bessel_I0
Evaluates the real modified Bessel function of the first kind of order zero I0(x).
bessel_exp_I0
Evaluates the exponentially scaled modified Bessel function of the first kind of
order zero.
bessel_I1
Evaluates the real modified Bessel function of the first kind of order one I1(x).
bessel_exp_I1
Evaluates the exponentially scaled modified Bessel function of the first kind of
order one.
bessel_Ix
Evaluates a sequence of modified Bessel functions of the first kind with real
order and complex arguments.
bessel_K0
Evaluates the real modified Bessel function of the second kind of order zero
K0(x).
bessel_exp_K0
Evaluates the exponentially scaled modified Bessel function of the second kind
of order zero.
20
BESSEL FUNCTIONS
FUNCTION
DESCRIPTION
bessel_K1
Evaluates the exponentially scaled modified Bessel function of the second kind
of order one.
bessel_exp_K1
Evaluates the exponentially scaled modified Bessel function of the second kind
of order one.
bessel_Kx
ELLIPTIC INTEGRALS
FUNCTION
DESCRIPTION
elliptic_integral_K
elliptic_integral_E
elliptic_integral_RF
elliptic_integral_RD
elliptic_integral_RJ
elliptic_integral_RC
FRESNEL INTEGRALS
FUNCTION
DESCRIPTION
fresnel_integral_C
fresnel_integral_S
AIRY FUNCTIONS
FUNCTION
DESCRIPTION
airy_Ai
airy_Bi
21
AIRY FUNCTIONS
FUNCTION
DESCRIPTION
airy_Ai_derivative
airy_Bi_derivative
KELVIN FUNCTIONS
FUNCTION
DESCRIPTION
kelvin_ber0
Evaluates the Kelvin function of the first kind, ber, of order zero.
kelvin_bei0
Evaluates the Kelvin function of the first kind, bei, of order zero.
kelvin_ker0
Evaluates the Kelvin function of the second kind, ker, of order zero.
kelvin_kei0
Evaluates the Kelvin function of the second kind, kei, of order zero.
kelvin_ber0_derivative
Evaluates the derivative of the Kelvin function of the first kind, ber, of order
zero.
kelvin_bei0_derivative
Evaluates the derivative of the Kelvin function of the first kind, bei, of order
zero.
kelvin_ker0_derivative
Evaluates the derivative of the Kelvin function of the second kind, ker, of
order zero.
kelvin_kei0_derivative
Evaluates the derivative of the Kelvin function of the second kind, kei, of
order zero.
STATISTICAL FUNCTIONS
FUNCTION
DESCRIPTION
normal_cdf
normal_inverse_cdf
chi_squared_cdf
chi_squared_inverse_cdf
22
STATISTICAL FUNCTIONS
FUNCTION
DESCRIPTION
F_cdf
F_inverse_cdf
t_cdf
t_inverse_cdf
gamma_cdf
binomial_cdf
hypergeometric_cdf
poisson_cdf
beta_cdf
beta_inverse_cdf
bivariate_normal_cdf
FINANCIAL FUNCTIONS
FUNCTION
DESCRIPTION
cumulative_interest
cumulative_principal
depreciation_db
depreciation_ddb
23
FINANCIAL FUNCTIONS
FUNCTION
DESCRIPTION
depreciation_sln
depreciation_syd
depreciation_vdb
Evaluates the depreciation of an asset for any given period using the variabledeclining balance method.
dollar_decimal
dollar_fraction
effective_rate
future_value
future_value_schedule
interest_payment
interest_rate_annuity
internal_rate_of_return
internal_rate_schedule
Evaluates the internal rate of return for a schedule of cash flows. It is not
necessary that the cash flows be periodic.
modified_internal_rate
Evaluates the modified internal rate of return for a schedule of periodic cash
flows.
net_present_value
nominal_rate
number_of_periods
Evaluates the number of periods for an investment for which periodic and
constant payments are made and the interest rate is constant.
24
FINANCIAL FUNCTIONS
FUNCTION
DESCRIPTION
payment
present_value
Evaluates the net present value of a stream of equal periodic cash flows,
which are subject to a given discount rate.
present_value_schedule
Evaluates the present value for a schedule of cash flows. It is not necessary
that the cash flows be periodic.
principal_payment
BOND FUNCTIONS
FUNCTION
DESCRIPTION
accr_interest_maturity
Evaluates the interest that has accrued on a security, which pays interest at
maturity.
accr_interest_periodic
Evaluates the interest that has accrued on a security, which pays interest
periodically.
bond_equivalent_yield
convexity
coupon_days
Evaluates the number of days in the coupon period containing the settlement
date.
coupon_number
Evaluates the number of coupons payable between the settlement date and
the maturity date.
days_before_settlement
Evaluates the number of days starting with the beginning of the coupon period
and ending with the settlement date.
days_to_next_coupon
Evaluates the number of days starting with the settlement date and ending with
the next coupon date.
depreciation_amordegrc
depreciation_amorlinc
Evaluates the depreciation for each accounting period. This function is similar
to depreciation_amordegrc, except that depreciation_amordegrc
has a depreciation coefficient that is applied during the evaluation that is based
on the asset life.
discount_price
25
BOND FUNCTIONS
FUNCTION
DESCRIPTION
discount_rate
discount_yield
duration
Evaluates a securitys annual duration where the security has periodic interest
payments.
interest_rate_security
modified_duration
next_coupon_date
Evaluates the first coupon date that follows the settlement date.
previous_coupon_date
Evaluates the coupon date that immediately precedes the settlement date.
price
Evaluates a securitys price per $100 face value. The security pays periodic
interest.
price_maturity
Evaluates a securitys price per $100 face value. The security pays interest at
maturity.
received_maturity
Evaluates the amount one receives when a fully invested security reaches the
maturity date.
treasury_bill_price
treasury_bill_yield
year_fraction
yield_maturity
yield_periodic
26
DESCRIPTION
simple_statistics
table_oneway
chi_squared_test
covariances
regression
poly_regression
ranks
RANDOM NUMBERS
FUNCTION
DESCRIPTION
random_seed_get
Retrieves the current value of the seed used in the IMSL random number
generators.
random_seed_set
Initializes a random seed for use in the IMSL random number generators.
random_option
random_uniform
random_normal
random_poisson
random_gamma
27
RANDOM NUMBERS
FUNCTION
DESCRIPTION
random_beta
random_exponential
faure_next_point
DESCRIPTION
write_matrix
page
write_options
DESCRIPTION
output_file
version
DESCRIPTION
ctime
date_to_days
Computes the number of days from January 1, 1900, to the given date.
28
days_to_date
Gives the date corresponding to the number of days since January 1, 1900.
ERROR HANDLING
FUNCTION
DESCRIPTION
error_options
error_type
Gets the type corresponding to the error message from the last function called.
error_message
Gets the text of the error message from the last function called.
error_code
Gets the code corresponding to the error message from the last function
called.
initialize_error_handler
set_user_fcn_return_flag
C RUNTIME LIBRARY
FUNCTION
DESCRIPTION
free
fopen
Opens a file using the C runtime library used by the IMSL C Math Library.
fclose
OPEN MP
FUNCTION
DESCRIPTION
omp_options
29
CONSTANTS
FUNCTION
DESCRIPTION
constant
machine (float)
machine (integer)
sort
sort_integer
DESCRIPTION
vector_norm
vector_norm (complex)
DESCRIPTION
mat_mul_rect
mat_mul_rect (complex)
mat_mul_rect_band
Computes the transpose of a matrix, a matrix-vector product, or a matrixmatrix product, all matrices stored in band form.
mat_mul_rect_band (complex)
Computes the transpose of a matrix, a matrix-vector product, or a matrixmatrix product, all matrices of complex type and stored in band form.
mat_mul_rect_coordinate
Computes the transpose of a matrix, a matrix-vector product, or a matrixmatrix product, all matrices stored in sparse coordinate form.
mat_mul_rect_coordinate (complex)
Computes the transpose of a matrix, a matrix-vector product, or a matrixmatrix product, all matrices stored in sparse coordinate form.
mat_add_band
30
mat_add_band (complex)
mat_add_coordinate
mat_add_coordinate (complex)
matrix_norm
matrix_norm_band
matrix_norm_coordinate
generate_test_band
Generates test matrices of class E(n, c). Returns in band or band symmetric
format.
generate_test_band (complex)
Generates test matrices of class Ec(n, c). Returns in band or band symmetric
format
generate_test_coordinate
Generates test matrices of class D(n, c) and E(n, c). Returns in either
coordinate format.
generate_test_coordinate (complex)
Generates test matrices of class D(n, c) and E(n, c). Returns in either
coordinate or band storage format, where possible.
GPU SUPPORT
FUNCTION
DESCRIPTION
cuda_get
Gets the threshold used by the specified function to determine if the NVIDIA CUDA To
algorithm will be used.
cuda_set
Sets the threshold used by the specified function to determine if the NVIDIA CUDA Too
algorithm will be used.
cuda_free
31
NUMERIC UTILITIES
FUNCTION
DESCRIPTION
c_neg
c_add
c_sub
c_mul
c_div
c_eq
cz_convert
zc_convert
cf_convert
c_conjg
c_abs
c_arg
c_sqrt
c_cos
c_sin
c_exp
32
NUMERIC UTILITIES
c_log
cf_power
cc_power
fi_power
ii_power
33
DESCRIPTION
simple_statistics
empirical_quantiles
normal_one_sample
Computes statistics for mean and variance inferences using a sample from a
normal population.
normal_two_sample
Computes statistics for mean and variance inferences using samples from two
normal populations.
DESCRIPTION
table_oneway
table_twoway
sort_data
Sorts observations by specified keys, with option to tally cases into a multi-way
frequency table.
ranks
CHAPTER 2: REGRESSION
MULTIVARIATE LINEAR REGRESSION MODEL FITTING
FUNCTION
DESCRIPTION
regressors_for_glm
regression
34
DESCRIPTION
regression_summary
Produces summary statistics for a regression model given the information from
the fit.
regression_prediction
hypothesis_partial
hypothesis_scph
hypothesis_test
VARIABLE SELECTION
FUNCTION
DESCRIPTION
regression_selection
regression_stepwise
DESCRIPTION
poly_regression
poly_prediction
nonlinear_regression
nonlinear_optimization
35
ALTERNATIVES TO LEAST-SQUARES
FUNCTION
Lnorm_regression
pls_regression
DESCRIPTION
Fits a multiple linear regression model using Lp criteria other than least
squares.
Performs partial least-squares (PLS) regression for one or more response
variables and one or more predictor variables.
DESCRIPTION
covariances
partial_covariances
pooled_covariances
robust_covariances
DESCRIPTION
anova_oneway
ancovar
anova_factorial
anova_nested
anova_balanced
36
DESIGNED EXPERIMENTS
FUNCTION
DESCRIPTION
crd_factorial
rcbd_factorial
latin_square
lattice
split_plot
split_split_plot
strip_plot
strip_split_plot
UTILITIES
FUNCTION
DESCRIPTION
homogeneity
multiple_comparisons
false_discovery_rates
yates
37
DESCRIPTION
contingency_table
exact_enumeration
exact_network
CATEGORICAL MODELS
FUNCTION
DESCRIPTION
categorical_glm
Analyzes categorical data using logistic, Probit, Poisson, and other generalized
linear models.
logistic_regression
logistic_reg_predict
DESCRIPTION
sign_test
wilcoxon_sign_rank
noether_cyclical_trend
cox_stuart_trends_test
Performs the Cox and Stuart sign test for trends in location and dispersion.
tie_statistics
38
DESCRIPTION
wilcoxon_rank_sum
kruskal_wallis_test
friedmans_test
cochran_q_test
k_trends_test
DESCRIPTION
chi_squared_test
shapiro_wilk_normality_test
lilliefors_normality_test
chi_squared_normality_test
kolmogorov_one
kolmogorov_two
multivar_normality_test
ad_normality_test
cvm_normality_test
39
DESCRIPTION
randomness_test
DESCRIPTION
arma
max_arma
arma_forecast
Computes forecasts and their associated probability limits for an ARMA model.
regression_arima
Fits a univariate ARIMA (p, d, q) time series model with the inclusion of one or
more regression variables.
DESCRIPTION
auto_uni_ar
seasonal_fit
ts_outlier_identification
ts_outlier_forecast
auto_arima
auto_parm
40
DESCRIPTION
bayesian_seasonal_adj
DESCRIPTION
box_cox_transform
difference
autocorrelation
crosscorrelation
multi_crosscorrelation
partial_autocorrelation
lack_of_fit
Performs lack-of-fit test for an univariate time series or transfer function given
the appropriate correlation function.
estimate_missing
DESCRIPTION
hw_time_series
GARCH MODELING
FUNCTION
DESCRIPTION
garch
41
STATE-SPACE MODELS
FUNCTION
DESCRIPTION
kalman
Performs Kalman filtering and evaluates the likelihood function for the
state-space model.
DESCRIPTION
vector_autoregression
DESCRIPTION
dissimilarities
cluster_hierarchical
cluster_number
DESCRIPTION
cluster_k_means
DESCRIPTION
principal_components
FACTOR ANALYSIS
FUNCTION
DESCRIPTION
factor_analysis
discriminant_analysis
42
DESCRIPTION
kaplan_meier_estimates
prop_hazards_gen_lin
Analyzes survival and reliability data using Coxs proportional hazards model.
survival_glm
survival_estimates
Estimates survival probabilities and hazard rates for the various parametric
models.
RELIABILITY ANALYSIS
FUNCTION
DESCRIPTION
nonparam_hazard_rate
ACTUARIAL TABLES
FUNCTION
DESCRIPTION
life_tables
DESCRIPTION
binomial_cdf
binomial_pdf
geometric_cdf
geometric_inverse_cdf
43
DESCRIPTION
geometric_pdf
hypergeometric_cdf
hypergeometric_pdf
poisson_cdf
poisson_pdf
discrete_uniform_cdf
discrete_uniform_inverse_cdf
discrete_uniform_pdf
DESCRIPTION
beta_cdf
beta_inverse_cdf
non_central_beta_cdf
non_central_beta_inverse_cdf
non_central_beta_pdf
bivariate_normal_cdf
chi_squared_cdf
44
DESCRIPTION
chi_squared_inverse_cdf
complementary_chi_squared_cdf
complementary_F_cdf
complementary_t_cdf
exponential_cdf
exponential_inverse_cdf
exponential_pdf
F_cdf
F_inverse_cdf
gamma_cdf
gamma_inverse_cdf
lognormal_cdf
lognormal_inverse_cdf
lognormal_pdf
multivariate_normal_cdf
non_central_chi_sq
45
DESCRIPTION
non_central_chi_sq_inv
non_central_chi_sq_pdf
non_central_F_cdf
complementary_non_central_F_cdf
non_central_F_inverse_cdf
non_central_F_pdf
non_central_t_cdf
non_central_t_inv_cdf
non_central_t_pdf
pareto_cdf
pareto_pdf
normal_cdf
normal_inverse_cdf
t_cdf
t_inverse_cdf
46
PARAMETER ESTIMATION
FUNCTION
DESCRIPTION
max_likelihood_estimates
DESCRIPTION
random_binomial
random_geometric
random_hypergeometric
random_logarithmic
random_neg_binomial
random_poisson
random_uniform_discrete
random_general_discrete
discrete_table_setup
DESCRIPTION
random_beta
random_cauchy
47
DESCRIPTION
random_chi_squared
random_exponential
random_exponential_mix
random_gamma
random_lognormal
random_normal
random_stable
random_student_t
random_triangular
random_uniform
random_von_mises
random_weibull
random_general_continuous
continuous_table_setup
48
DESCRIPTION
random_normal_multivariate
random_orthogonal_matrix
random_mvar_from_data
random_multinomial
random_sphere
random_table_twoway
random_mvar_gaussian_copula
random_mvar_t_copula
canonical_correlation
ORDER STATISTICS
FUNCTION
DESCRIPTION
random_order_normal
random_order_uniform
STOCHASTIC PROCESSES
FUNCTION
DESCRIPTION
random_arma
random_npp
49
DESCRIPTION
random_permutation
random_sample_indices
random_sample
UTILITY FUNCTIONS
FUNCTION
DESCRIPTION
random_option
random_option_get
random_seed_get
Retrieves the current value of the seed used in the IMSL random number
generators.
random_substream_seed_get
Retrieves a seed for the congruential generators that do not do shuffling that
will generate random numbers beginning 100,000 numbers farther along.
random_seed_set
Initializes a random seed for use in the IMSL random number generators.
random_table_set
random_table_get
random_GFSR_table_set
random_GFSR_table_get
random_MT32_init
random_MT32_table_get
Retrieves the current table used in the 32-bit Mersenne Twister generator.
random_MT32_table_set
Sets the current table used in the 32-bit Mersenne Twister generator.
50
UTILITY FUNCTIONS
FUNCTION
DESCRIPTION
random_MT64_init
random_MT64_table_get
Retrieves the current table used in the 64-bit Mersenne Twister generator.
random_MT64_table_set
Sets the current table used in the 64-bit Mersenne Twister generator.
LOW-DISCREPANCY SEQUENCE
FUNCTION
DESCRIPTION
faure_next_point
DESCRIPTION
apriori
aggr_apriori
write_apriori_itemsets
write_association_rules
free_apriori_itemsets
free_association_rules
51
DECISION TREE
FUNCTION
DESCRIPTION
decision_tree
Generates a decision tree for a single response variable and two or more
predictor variables.
decision_tree_predict
decision_tree_print
decision_tree_free
DESCRIPTION
ga_chromosome
ga_copy_chromosome
ga_clone_chromosome
ga_individual
ga_copy_individual
ga_clone_individual
ga_mutate
ga_decode
Decodes an individual's chromosome into its binary, nominal, integer, and real
phenotypes.
ga_encode
Encodes an individual's binary, nominal, integer, and real phenotypes into its
chromosome.
ga_free_individual
52
DESCRIPTION
ga_population
ga_random_population
ga_copy_population
ga_clone_population
ga_grow_population
ga_merge_population
ga_free_population
genetic_algorithm
NAIVE BAYES
FUNCTION
DESCRIPTION
naive_bayes_trainer
naive_bayes_classification
nb_classifier_free
nb_classifier_write
Writes a Nave Bayes Classifier to an ASCII file for later retrieval using
imsls_f_nb_classifier_read.
nb_classifier_read
DESCRIPTION
mlff_network_init
53
DESCRIPTION
mlff_network
mlff_network_free
mlff_network_write
mlff_network_read
mlff_initialize_weights
DESCRIPTION
mlff_network_trainer
mlff_network_forecast
DESCRIPTION
mlff_classification_trainer
mlff_pattern_classification
PREPROCESSING FILTERS
FUNCTION
DESCRIPTION
scale_filter
Scales or unscales continuous data prior to its use in neural network training,
testing, or forecasting.
time_series_filter
Converts time series data to the format required for processing by a neural
network.
time_series_class_filter
54
PREPROCESSING FILTERS
FUNCTION
DESCRIPTION
unsupervised_nominal_filter
Converts nominal data into a series of binary encoded columns for input to a
neural network. Optionally, it can also reverse the binary encoding, accepting a
series of binary encoded columns and returning a single column of nominal
classes.
unsupervised_ordinal_filter
DESCRIPTION
kohonenSOM_trainer
kohonenSOM_forecast
DESCRIPTION
support_vector_trainer
support_vector_classification
svm_classifier_free
DESCRIPTION
write_matrix
SET
FUNCTION
DESCRIPTION
page
write_options
55
DESCRIPTION
output_file
version
ERROR HANDLING
FUNCTION
DESCRIPTION
error_options
error_type
Gets the type corresponding to the error message from the last function called.
error_message
Gets the text of the error message from the last function called.
error_code
Returns the code corresponding to the error message from the last function
called.
Initializes the IMSL C Stat Library error handling system.
initialize_error_handler
set_user_fcn_return_flag
56
C RUNTIME LIBRARY
FUNCTION
DESCRIPTION
free
fopen
Opens a file using the C runtime library used by the IMSL C Stat Library.
fclose
ascii_read
OPENMP
FUNCTION
DESCRIPTION
omp_options
CONSTANTS
FUNCTION
DESCRIPTION
machine (integer)
machine (float)
data_sets
MATHEMATICAL SUPPORT
FUNCTION
DESCRIPTION
mat_mul_rect
permute_vector
permute_matrix
impute_missing
57
MATHEMATICAL SUPPORT
FUNCTION
DESCRIPTION
binomial_coefficient
beta
beta_incomplete
log_beta
gamma
gamma_incomplete
log_gamma
Evaluates the logarithm of the absolute value of the gamma function log |(x)|.
ctime
GPU SUPPORT
FUNCTION
DESCRIPTION
cuda_get
cuda_set
cuda_free
58