Index

$ A B C D E F G H I J K L M N O P Q R S T U V W X Y Z _ 
All Classes and Interfaces|All Packages|Constant Field Values|Serialized Form

$

$ - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation $
$(String) - Static method in interface smile.data.formula.Terms
Creates a variable.

A

a - Variable in class smile.validation.metric.ContingencyTable
The row sum of contingency table.
aat() - Method in class smile.tensor.DenseMatrix
Returns A * A'.
aat() - Method in class smile.tensor.SparseMatrix
Returns A * A'.
Abalone - Record Class in smile.datasets
Predicting the age of abalone from physical measurements.
Abalone() - Constructor for record class smile.datasets.Abalone
Constructor.
Abalone(Path, Path) - Constructor for record class smile.datasets.Abalone
Constructor.
Abalone(DataFrame, DataFrame, Formula) - Constructor for record class smile.datasets.Abalone
Creates an instance of a Abalone record class.
Abbreviations - Interface in smile.nlp.dictionary
A dictionary interface for abbreviations.
abs() - Method in record class smile.math.Complex
Returns the abs/modulus/magnitude.
abs(String) - Static method in interface smile.data.formula.Terms
The abs(x) term.
abs(Term) - Static method in interface smile.data.formula.Terms
The abs(x) term.
Abs - Class in smile.data.formula
The term of abs function.
Abs(Term) - Constructor for class smile.data.formula.Abs
Constructor.
AbstractBiFunction - Class in smile.data.formula
This class provides a skeletal implementation of the bi-function term.
AbstractBiFunction(String, Term, Term) - Constructor for class smile.data.formula.AbstractBiFunction
Constructor.
AbstractClassifier<T> - Class in smile.classification
Abstract base class of classifiers.
AbstractClassifier(int[]) - Constructor for class smile.classification.AbstractClassifier
Constructor.
AbstractClassifier(ValueVector) - Constructor for class smile.classification.AbstractClassifier
Constructor.
AbstractClassifier(IntSet) - Constructor for class smile.classification.AbstractClassifier
Constructor.
AbstractFunction - Class in smile.data.formula
This class provides a skeletal implementation of the function term.
AbstractFunction(String, Term) - Constructor for class smile.data.formula.AbstractFunction
Constructor.
AbstractInterpolation - Class in smile.interpolation
Abstract base class of one-dimensional interpolation methods.
AbstractInterpolation(double[], double[]) - Constructor for class smile.interpolation.AbstractInterpolation
Constructor.
AbstractTensor - Class in smile.tensor
This class provides a skeletal implementation of the Tensor interface, to minimize the effort required to implement this interface.
AbstractTensor(int...) - Constructor for class smile.tensor.AbstractTensor
Constructor.
AbstractTuple - Class in smile.data
Abstract tuple base class.
AbstractTuple(StructType) - Constructor for class smile.data.AbstractTuple
Constructor.
AbstractVector - Class in smile.data.vector
Abstract base class implementation of ValueVector interface.
AbstractVector(StructField) - Constructor for class smile.data.vector.AbstractVector
Constructor.
accept(int) - Method in interface smile.graph.VertexVisitor
Performs some operations on the currently-visiting vertex during DFS or BFS.
accept(int, int, double) - Method in interface smile.tensor.DoubleConsumer
Accepts one matrix element and performs the operation on the given arguments.
accept(File) - Method in class smile.swing.FileChooser.SimpleFileFilter
 
accessor() - Method in record class smile.data.type.Property
Returns the value of the accessor record component.
accuracy() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the accuracy record component.
Accuracy - Class in smile.deep.metric
The accuracy is the proportion of true results (both true positives and true negatives) in the population.
Accuracy - Class in smile.validation.metric
The accuracy is the proportion of true results (both true positives and true negatives) in the population.
Accuracy() - Constructor for class smile.deep.metric.Accuracy
Constructor.
Accuracy() - Constructor for class smile.validation.metric.Accuracy
Constructor.
Accuracy(double) - Constructor for class smile.deep.metric.Accuracy
Constructor.
acf(double[], int) - Static method in interface smile.timeseries.TimeSeries
Auto-correlation function.
acos() - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the arccosine of the elements of input.
acos(String) - Static method in interface smile.data.formula.Terms
The acos(x) term.
acos(Term) - Static method in interface smile.data.formula.Terms
The acos(x) term.
acos_() - Method in class smile.deep.tensor.Tensor
Computes the arccosine of the elements of input in place.
actionPerformed(ActionEvent) - Method in class smile.plot.swing.Scene.PrintAction
 
actionPerformed(ActionEvent) - Method in class smile.plot.swing.Scene.SaveAction
 
actionPerformed(ActionEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
actionPerformed(ActionEvent) - Method in class smile.swing.table.ColorCellEditor
 
actionPerformed(ActionEvent) - Method in class smile.swing.table.FontCellEditor
 
actionPerformed(ActionEvent) - Method in class smile.swing.table.TableCopyPasteAdapter
This method is activated on the Keystrokes we are listening to in this implementation.
activation() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the activation record component.
ActivationFunction - Class in smile.deep.activation
The activation function.
ActivationFunction - Interface in smile.base.mlp
The activation function in hidden layers.
ActivationFunction(String, boolean) - Constructor for class smile.deep.activation.ActivationFunction
Constructor.
AdaBoost - Class in smile.classification
AdaBoost (Adaptive Boosting) classifier with decision trees.
AdaBoost(Formula, int, DecisionTree[], double[], double[], double[]) - Constructor for class smile.classification.AdaBoost
Constructor.
AdaBoost(Formula, int, DecisionTree[], double[], double[], double[], IntSet) - Constructor for class smile.classification.AdaBoost
Constructor.
AdaBoost.Options - Record Class in smile.classification
AdaBoost hyperparameters.
AdaBoost.TrainingStatus - Record Class in smile.classification
Training status per tree.
Adam(Model, double) - Static method in class smile.deep.Optimizer
Returns an Adam optimizer.
Adam(Model, double, double, double, double, double, boolean) - Static method in class smile.deep.Optimizer
Returns an Adam optimizer.
AdamW(Model, double) - Static method in class smile.deep.Optimizer
Returns an AdamW optimizer.
AdamW(Model, double, double, double, double, double, boolean) - Static method in class smile.deep.Optimizer
Returns an AdamW optimizer.
adaptiveAvgPool2d(int) - Static method in interface smile.deep.layer.Layer
Returns an adaptive average pooling layer.
AdaptiveAvgPool2dLayer - Class in smile.deep.layer
An adaptive average pooling that reduces a tensor by combining cells.
AdaptiveAvgPool2dLayer(int) - Constructor for class smile.deep.layer.AdaptiveAvgPool2dLayer
Constructor.
AdaptiveAvgPool2dLayer(int, int) - Constructor for class smile.deep.layer.AdaptiveAvgPool2dLayer
Constructor.
add(double) - Method in class smile.deep.tensor.Tensor
Returns A + b.
add(double) - Method in class smile.sort.DoubleHeapSelect
Assimilate a new value from the stream.
add(double) - Method in class smile.sort.IQAgent
Assimilate a new value from the stream.
add(double) - Method in class smile.util.Array2D
A += x.
add(double) - Method in class smile.util.DoubleArrayList
Appends the specified value to the end of this list.
add(double...) - Method in class smile.plot.swing.Isoline
Adds a point to the contour line.
add(double[]) - Method in class smile.util.DoubleArrayList
Appends an array to the end of this list.
add(double[], double[]) - Static method in class smile.math.MathEx
Element-wise sum of two arrays y = x + y.
add(double, DenseMatrix, double, DenseMatrix) - Method in class smile.tensor.DenseMatrix
Adds two matrices
add(float) - Method in class smile.deep.tensor.Tensor
Returns A + b.
add(float) - Method in class smile.sort.FloatHeapSelect
Assimilate a new value from the stream.
add(float) - Method in class smile.util.FloatArrayList
Appends the specified value to the end of this list.
add(float[]) - Method in class smile.util.FloatArrayList
Appends an array to the end of this list.
add(int) - Method in class smile.neighbor.lsh.Bucket
Adds a point to bucket.
add(int) - Method in class smile.sort.IntHeapSelect
Assimilate a new value from the stream.
add(int) - Method in class smile.util.IntArray2D
A += x.
add(int) - Method in class smile.util.IntArrayList
Appends the specified value to the end of this list.
add(int) - Method in class smile.util.IntHashSet
Adds the specified element to this set if it is not already present.
add(int...) - Method in class smile.util.IntArrayList
Appends an array to the end of this list.
add(int, double) - Method in class smile.tensor.Vector
Sets A[i] += x.
add(int, double[]) - Method in class smile.neighbor.lsh.Hash
Insert an item into the hash table.
add(int, double[]) - Method in class smile.neighbor.lsh.MultiProbeHash
 
add(int, int, double) - Method in class smile.tensor.AtA
 
add(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] += x.
add(int, int, double) - Method in class smile.tensor.SparseMatrix
 
add(int, int, double) - Method in class smile.util.Array2D
A[i, j] += x.
add(int, int, int) - Method in class smile.util.IntArray2D
A[i, j] += x.
add(E) - Method in class smile.util.PairingHeap
 
add(String, double) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, double[]) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, double, double) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, double, double, double) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, int) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, int[]) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, int, int) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, int, int, int) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, String) - Static method in interface smile.data.formula.Terms
Adds two terms.
add(String, String) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, String[]) - Method in class smile.hpo.Hyperparameters
Adds a parameter.
add(String, Module) - Method in class smile.deep.layer.LayerBlock
Adds a sub-layer.
add(String, Term) - Static method in interface smile.data.formula.Terms
Adds two terms.
add(String, Layer) - Method in class smile.deep.layer.LayerBlock
Adds a sub-layer.
add(String, T) - Method in class smile.hash.PerfectMap.Builder
Add a new key-value pair.
add(Map) - Method in class smile.neighbor.BKTree
Adds a dataset into BK-tree.
add(K, V) - Method in class smile.neighbor.BKTree
Adds a datum into the BK-tree.
add(Term, String) - Static method in interface smile.data.formula.Terms
Adds two terms.
add(Term, Term) - Static method in interface smile.data.formula.Terms
Adds two terms.
add(StructField) - Method in record class smile.data.type.StructType
Adds a field.
add(ValueVector...) - Method in record class smile.data.DataFrame
Adds columns to this data frame.
add(Layer) - Method in class smile.deep.layer.SequentialBlock
Adds a layer to the sequential block.
add(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A + B.
add(Tensor, double) - Method in class smile.deep.tensor.Tensor
Returns A + alpha * B.
add(Complex) - Method in record class smile.math.Complex
Returns this + b.
add(Text) - Method in class smile.nlp.SimpleCorpus
Adds a document to the corpus.
add(Plot) - Method in class smile.plot.swing.Figure
Adds a graphical shape to the canvas.
add(Shape) - Method in class smile.plot.swing.Figure
Adds a graphical shape to the canvas.
add(DenseMatrix) - Method in class smile.tensor.DenseMatrix
Adds two matrices
add(Array2D) - Method in class smile.util.Array2D
A += B.
add(IntArray2D) - Method in class smile.util.IntArray2D
A += B.
add(IntArrayList) - Method in class smile.util.IntArrayList
Appends an array to the end of this list.
add(T) - Method in class smile.sort.HeapSelect
Assimilate a new value from the stream.
add(T) - Method in class smile.util.AutoScope
Adds resource to this scope.
Add - Class in smile.data.formula
The term of a + b expression.
Add(Term, Term) - Constructor for class smile.data.formula.Add
Constructor.
add_(double) - Method in class smile.deep.tensor.Tensor
Returns A += b.
add_(float) - Method in class smile.deep.tensor.Tensor
Returns A += b.
add_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A += B.
add_(Tensor, double) - Method in class smile.deep.tensor.Tensor
Returns A += alpha * B.
addAll(Collection) - Method in class smile.util.PairingHeap
 
addAnchor(String) - Method in interface smile.nlp.AnchorText
Adds a link label to the anchor text.
addAnchor(String) - Method in class smile.nlp.SimpleText
 
addChild(String) - Method in class smile.taxonomy.Concept
Adds a child to this node.
addChild(K[], V, int) - Method in class smile.nlp.Trie.Node
Adds a child.
addChild(Concept) - Method in class smile.taxonomy.Concept
Adds a child to this node.
addEdge(int, int) - Method in class smile.graph.Graph
Creates a new edge in this graph, going from the source vertex to the target vertex, and returns the created edge.
addEdge(int, int, double) - Method in class smile.graph.Graph
Creates a new edge in this graph, going from the source vertex to the target vertex, and returns the created edge.
addEdge(Neuron) - Method in class smile.vq.hebb.Neuron
Adds an edge.
addEdge(Neuron, int) - Method in class smile.vq.hebb.Neuron
Adds an edge.
addEdges(Collection) - Method in class smile.graph.Graph
Adds a set of edges to the graph.
addExtension(String) - Method in class smile.swing.FileChooser.SimpleFileFilter
Adds a file type "dot" extension to filter against.
addKeywords(String...) - Method in class smile.taxonomy.Concept
Adds a list of synomym to the concept synset.
addNode(E) - Method in class smile.util.PairingHeap
Adds a new element to the pairing heap.
addNotify() - Method in class smile.swing.Table.RowHeader
 
addPropertyChangeListener(PropertyChangeListener) - Method in class smile.plot.swing.Figure
Add a PropertyChangeListener to the listener list.
address() - Static method in class smile.linalg.blas.cblas_h.cblas_xerbla
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.dprintf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.fprintf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.fscanf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.printf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.scanf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.snprintf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.sprintf
Returns the address.
address() - Static method in class smile.linalg.blas.cblas_h.sscanf
Returns the address.
AdjacencyList - Class in smile.graph
An adjacency list representation of a graph.
AdjacencyList(int) - Constructor for class smile.graph.AdjacencyList
Constructor.
AdjacencyList(int, boolean) - Constructor for class smile.graph.AdjacencyList
Constructor.
AdjacencyMatrix - Class in smile.graph
An adjacency matrix representation of a graph.
AdjacencyMatrix(int) - Constructor for class smile.graph.AdjacencyMatrix
Constructor.
AdjacencyMatrix(int, boolean) - Constructor for class smile.graph.AdjacencyMatrix
Constructor.
AdjustedMutualInformation - Class in smile.validation.metric
Adjusted Mutual Information (AMI) for comparing clustering.
AdjustedMutualInformation(AdjustedMutualInformation.Method) - Constructor for class smile.validation.metric.AdjustedMutualInformation
Constructor.
AdjustedMutualInformation.Method - Enum Class in smile.validation.metric
The normalization method.
adjustedR2() - Method in class smile.timeseries.AR
Returns adjusted R2 statistic.
adjustedR2() - Method in class smile.timeseries.ARMA
Returns adjusted R2 statistic.
AdjustedRandIndex - Class in smile.validation.metric
Adjusted Rand Index.
AdjustedRandIndex() - Constructor for class smile.validation.metric.AdjustedRandIndex
Constructor.
adjustedRSquared() - Method in class smile.regression.LinearModel
Returns adjusted R2 statistic.
age - Variable in class smile.vq.hebb.Edge
The age of the edges.
age() - Method in class smile.vq.hebb.Neuron
Increments the age of all edges emanating from the neuron.
aggregate(String) - Method in class smile.plot.vega.Field
Sets the aggregation function for the field (e.g., "mean", "sum", "median", "min", "max", "count").
aggregate(String, String, String, String...) - Method in class smile.plot.vega.Transform
Aggregate summarizes a table as one record for each group.
AIC() - Method in class smile.classification.LogisticRegression
Returns the AIC score.
AIC() - Method in class smile.classification.Maxent
Returns the AIC score.
AIC() - Method in class smile.classification.SparseLogisticRegression
Returns the AIC score.
AIC() - Method in class smile.glm.GLM
Returns the AIC score.
AIC(double, int) - Static method in interface smile.validation.ModelSelection
Akaike information criterion.
Ailerons - Record Class in smile.datasets
Ailerons benchmark data for regression on numerical features.
Ailerons() - Constructor for record class smile.datasets.Ailerons
Constructor.
Ailerons(Path) - Constructor for record class smile.datasets.Ailerons
Constructor.
Ailerons(DataFrame, Formula) - Constructor for record class smile.datasets.Ailerons
Creates an instance of a Ailerons record class.
AlgoStatus - Record Class in smile.util
Iterative algorithm status.
AlgoStatus(int, double) - Constructor for record class smile.util.AlgoStatus
Constructor.
AlgoStatus(int, double, Object) - Constructor for record class smile.util.AlgoStatus
Creates an instance of a AlgoStatus record class.
ALICE_BLUE - Static variable in class smile.plot.swing.Palette
The color alice blue with an RGB value of #F0F8FF
align(String) - Method in class smile.plot.vega.Concat
 
align(String) - Method in class smile.plot.vega.Facet
 
align(String) - Method in class smile.plot.vega.FacetField
Sets the alignment to apply to row/column facet's subplot.
align(String) - Method in class smile.plot.vega.Repeat
 
align(String) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets the alignment to apply to grid rows and columns.
align(String, String) - Method in class smile.plot.vega.Concat
 
align(String, String) - Method in class smile.plot.vega.Facet
 
align(String, String) - Method in class smile.plot.vega.Repeat
 
align(String, String) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets different alignments for rows and columns.
all() - Method in class smile.deep.tensor.Tensor
Tests if all elements in the tensor are true.
ALL - Enum constant in enum class smile.linalg.EigenRange
All eigenvalues will be found.
ALL - Enum constant in enum class smile.linalg.SVDJob
All left (or right) singular vectors are returned in supplied matrix U (or Vt).
allocate(long) - Static method in class smile.io.Arrow
Creates the root allocator.
allowSpecialTokens(boolean) - Method in class smile.llm.tokenizer.Tiktoken
Sets how special tokens will be encoded.
alpha - Variable in class smile.stat.distribution.BetaDistribution
The shape parameter.
alpha() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the alpha record component.
alpha() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the alpha record component.
alpha() - Method in record class smile.regression.LASSO.Options
Returns the value of the alpha record component.
alpha() - Method in class smile.stat.distribution.BetaDistribution
Returns the shape parameter alpha.
alpha() - Method in record class smile.swing.AlphaIcon
Returns the value of the alpha record component.
AlphaIcon - Record Class in smile.swing
An Icon wrapper that paints the contained icon with a specified transparency.
AlphaIcon(Icon, float) - Constructor for record class smile.swing.AlphaIcon
Creates an instance of a AlphaIcon record class.
anchor(double) - Method in class smile.plot.vega.BinParams
Sets the value in the binned domain at which to anchor the bins, shifting the bin boundaries if necessary to ensure that a boundary aligns with the anchor value.
AnchorText - Interface in smile.nlp
The anchor text is the visible, clickable text in a hyperlink.
and(Tensor) - Method in class smile.deep.tensor.Tensor
Returns logical AND of two boolean tensors.
and(Predicate...) - Static method in class smile.plot.vega.Predicate
Logical AND composition to combine predicates.
and_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns logical AND of two boolean tensors.
andThen(Transform) - Method in interface smile.data.transform.Transform
Returns a composed function that first applies this function to its input, and then applies the after function to the result.
angular(double[], double[]) - Static method in class smile.math.MathEx
Returns the angular distance.
angular(float[], float[]) - Static method in class smile.math.MathEx
Returns the angular distance.
antecedent() - Method in record class smile.association.AssociationRule
Returns the value of the antecedent record component.
ANTIQUE_WHITE - Static variable in class smile.plot.swing.Palette
The color antique white with an RGB value of #FAEBD7
anyNull() - Method in interface smile.data.Tuple
Returns true if the tuple has null/missing values.
anyNull() - Method in interface smile.data.vector.ValueVector
Returns true if there are any null/missing values in this vector.
append(int, double) - Method in class smile.util.SparseArray
Append an entry to the array, optimizing for the case where the index is greater than all existing indices in the array.
append(int, int) - Method in class smile.util.SparseIntArray
Append an entry to the array, optimizing for the case where the index is greater than all existing indices in the array.
apply(boolean[]) - Method in record class smile.data.DataFrame
Returns a new data frame with boolean indexing.
apply(double) - Method in interface smile.math.kernel.DotProductKernel
Computes the kernel function.
apply(double) - Method in interface smile.math.kernel.IsotropicKernel
Computes the kernel function.
apply(double) - Method in interface smile.util.function.Function
Computes the value of the function at x.
apply(double[]) - Method in class smile.feature.extraction.KernelPCA
 
apply(double[]) - Method in class smile.feature.extraction.Projection
Project a data point to the feature space.
apply(double...) - Method in interface smile.util.function.MultivariateFunction
Computes the value of the function at x.
apply(double[][]) - Method in class smile.feature.extraction.Projection
Project a set of data to the feature space.
apply(double, FPTree) - Static method in class smile.association.ARM
Mines the association rules.
apply(int) - Method in record class smile.data.DataFrame
Returns the row at the specified index.
apply(int) - Method in interface smile.data.Dataset
Returns the index at the specified index.
apply(int) - Method in interface smile.data.Tuple
Returns the value at position i.
apply(int) - Method in record class smile.data.type.StructType
Return the i-th field.
apply(int) - Method in interface smile.data.vector.ValueVector
Returns the value at position i, which may be null.
apply(int) - Method in class smile.math.Complex.Array
Returns the i-th element.
apply(int) - Method in class smile.tensor.Vector
Returns A[i] for Scala users.
apply(int) - Method in interface smile.util.function.IntFunction
Computes the value of the function at x.
apply(int) - Method in interface smile.util.function.TimeFunction
Returns the function value at time step t.
apply(int) - Method in interface smile.util.Index
Returns the index to underlying data.
apply(int...) - Method in interface smile.data.vector.ValueVector
Returns a new vector with selected entries.
apply(int, double) - Method in interface smile.util.function.ArrayElementConsumer
Performs this operation on the given element.
apply(int, double) - Method in interface smile.util.function.ArrayElementFunction
Performs this operation on the given element.
apply(int, int) - Method in record class smile.data.DataFrame
Returns the cell at (i, j).
apply(int, int) - Method in interface smile.tensor.Matrix
Returns A[i,j] for Scala users.
apply(int, int) - Method in class smile.util.Array2D
Returns A[i, j].
apply(int, int) - Method in interface smile.util.function.IntArrayElementConsumer
Performs this operation on the given element.
apply(int, int) - Method in interface smile.util.function.IntArrayElementFunction
Performs this operation on the given element.
apply(int, int) - Method in class smile.util.IntArray2D
Returns A[i, j].
apply(int, int, int, Fitness) - Method in class smile.feature.selection.GAFE
Genetic algorithm based feature selection for classification.
apply(int, MemorySegment, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.cblas_xerbla
 
apply(int, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.dprintf
 
apply(MemorySegment, long, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.snprintf
 
apply(MemorySegment, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.fprintf
 
apply(MemorySegment, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.fscanf
 
apply(MemorySegment, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.sprintf
 
apply(MemorySegment, MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.sscanf
 
apply(MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.printf
 
apply(MemorySegment, Object...) - Method in class smile.linalg.blas.cblas_h.scanf
 
apply(Object) - Method in record class smile.data.RowIndex
Returns the row index.
apply(String) - Method in record class smile.data.DataFrame
Returns the column of given name.
apply(String) - Method in interface smile.data.Tuple
Returns the value by field name.
apply(String) - Method in record class smile.data.type.StructType
Return the field of given name.
apply(String) - Method in class smile.feature.extraction.BagOfWords
Returns the bag-of-words features of a document.
apply(String) - Method in class smile.feature.extraction.HashEncoder
Returns the bag-of-words features of a document.
apply(String) - Method in class smile.nlp.embedding.Word2Vec
Returns the embedding vector of a word.
apply(String) - Method in interface smile.nlp.stemmer.Stemmer
 
apply(String) - Method in interface smile.nlp.tokenizer.Tokenizer
 
apply(String...) - Method in record class smile.data.DataFrame
Returns a new DataFrame with selected columns.
apply(JTable) - Method in class smile.swing.table.TableColumnSettings
Apply this column settings to given table.
apply(JTable) - Static method in class smile.swing.table.TableCopyPasteAdapter
Creates and attaches a copy-paste adapter for a table.
apply(FPTree) - Static method in class smile.association.FPGrowth
Mines the frequent item sets.
apply(DataFrame) - Method in interface smile.data.formula.Feature
Applies the term on a data frame.
apply(DataFrame) - Method in class smile.data.transform.ColumnTransform
 
apply(DataFrame) - Method in interface smile.data.transform.Transform
Applies this transform to the given argument.
apply(DataFrame) - Method in class smile.feature.extraction.BinaryEncoder
Generates the compact representation of sparse binary features for a data frame.
apply(DataFrame) - Method in class smile.feature.extraction.Projection
 
apply(DataFrame) - Method in class smile.feature.extraction.SparseEncoder
Generates the sparse representation of a data frame.
apply(DataFrame) - Method in class smile.feature.imputation.SimpleImputer
 
apply(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a tuple.
apply(Tuple) - Method in class smile.data.formula.Formula
Apply the formula on a tuple to generate the model data.
apply(Tuple) - Method in class smile.data.transform.ColumnTransform
 
apply(Tuple) - Method in class smile.feature.extraction.BagOfWords
 
apply(Tuple) - Method in class smile.feature.extraction.BinaryEncoder
Generates the compact representation of sparse binary features for given object.
apply(Tuple) - Method in class smile.feature.extraction.Projection
 
apply(Tuple) - Method in class smile.feature.extraction.SparseEncoder
Generates the sparse representation of given object.
apply(Tuple) - Method in class smile.feature.imputation.KMedoidsImputer
 
apply(Tuple) - Method in class smile.feature.imputation.KNNImputer
 
apply(Tuple) - Method in class smile.feature.imputation.SimpleImputer
 
apply(Tuple) - Method in class smile.feature.transform.Normalizer
 
apply(Tensor) - Method in interface smile.deep.layer.Layer
 
apply(Tensor) - Method in class smile.deep.Model
 
apply(Tensor, Tensor, Tensor) - Static method in interface smile.llm.RotaryPositionalEncoding
Applies rotary embeddings to the input query and key tensors.
apply(BitString, BitString) - Method in enum class smile.gap.Crossover
Returns a pair of offsprings by crossovering parent chromosomes.
apply(Index) - Method in record class smile.data.DataFrame
Returns a new data frame with row indexing.
apply(T) - Method in class smile.manifold.KPCA
 
apply(T[]) - Method in interface smile.gap.Selection
Select a chromosome with replacement from the population based on their fitness.
apply(T[]) - Method in class smile.manifold.KPCA
Project a set of data to the feature space.
apply(T, T) - Method in interface smile.math.distance.Distance
Returns the distance measure between two objects.
apply(T, T) - Method in interface smile.math.kernel.MercerKernel
Kernel function.
applyAsBoolean(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a boolean-valued result.
applyAsByte(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a byte-valued result.
applyAsChar(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a char-valued result.
applyAsDecimal(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a decimal-valued result.
applyAsDouble(double[]) - Method in interface smile.util.function.MultivariateFunction
 
applyAsDouble(double[], double[]) - Method in interface smile.validation.metric.RegressionMetric
 
applyAsDouble(int[], int[]) - Method in interface smile.validation.metric.ClassificationMetric
 
applyAsDouble(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a double-valued result.
applyAsDouble(T) - Method in interface smile.classification.Classifier
 
applyAsDouble(T) - Method in interface smile.regression.Regression
 
applyAsDouble(T, T) - Method in interface smile.math.distance.Distance
 
applyAsDouble(T, T) - Method in interface smile.math.kernel.MercerKernel
 
applyAsFloat(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a float-valued result.
applyAsFloat(T) - Method in interface smile.util.function.ToFloatFunction
Applies this function to the given argument.
applyAsInt(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces an int-valued result.
applyAsInt(T) - Method in interface smile.classification.Classifier
 
applyAsLong(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a long-valued result.
applyAsShort(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a short-valued result.
applyAsString(Tuple) - Method in interface smile.data.formula.Feature
Applies the term on a data object and produces a string-valued result.
AQUA - Static variable in class smile.plot.swing.Palette
The color aqua with an RGB value of #00FFFF
AQUAMARINE - Static variable in class smile.plot.swing.Palette
The color aquamarine with an RGB value of #7FFFD4
ar() - Method in class smile.timeseries.AR
Returns the linear coefficients of AR (without intercept).
ar() - Method in class smile.timeseries.ARMA
Returns the linear coefficients of AR(p).
AR - Class in smile.timeseries
Autoregressive model.
AR(double[], double[], double, AR.Method) - Constructor for class smile.timeseries.AR
Constructor.
AR.Method - Enum Class in smile.timeseries
The fitting method.
arange(long, long, long) - Static method in class smile.deep.tensor.Tensor
Returns a 1-D tensor of size (end - start) / step with values from the interval [start, end) taken with common difference step beginning from start.
arbitraryInsertion() - Method in class smile.graph.Graph
Returns the approximate solution to TSP with the arbitrary insertion heuristic.
arff(String) - Static method in interface smile.io.Read
Reads an ARFF file.
arff(Path) - Static method in interface smile.io.Read
Reads an ARFF file.
arff(DataFrame, Path, String) - Static method in interface smile.io.Write
Writes the data frame to an ARFF file.
Arff - Class in smile.io
Weka ARFF (attribute relation file format) is an ASCII text file format that is essentially a CSV file with a header that describes the meta-data.
Arff(Reader) - Constructor for class smile.io.Arff
Constructor.
Arff(String) - Constructor for class smile.io.Arff
Constructor.
Arff(String, Charset) - Constructor for class smile.io.Arff
Constructor.
Arff(Path) - Constructor for class smile.io.Arff
Constructor.
Arff(Path, Charset) - Constructor for class smile.io.Arff
Constructor.
argmax(int, boolean) - Method in class smile.deep.tensor.Tensor
Returns the indices of the maximum value of a tensor across a dimension.
aria(boolean) - Method in class smile.plot.vega.Axis
Sets if ARIA attributes should be included (SVG output only).
aria(boolean) - Method in class smile.plot.vega.Legend
Sets if ARIA attributes should be included (SVG output only).
aria(boolean) - Method in class smile.plot.vega.Mark
Sets the aria.
ARM - Class in smile.association
Association Rule Mining.
ARMA - Class in smile.timeseries
Autoregressive moving-average model.
ARMA(double[], double[], double[], double, double[], double[]) - Constructor for class smile.timeseries.ARMA
Constructor.
ARPACK - Interface in smile.tensor
ARPACK is a collection of Fortran77 subroutines designed to solve large scale eigenvalue problems.
arpack_h - Class in smile.linalg.arpack
 
ARPACK.AsymmOption - Enum Class in smile.tensor
Which eigenvalues of asymmetric matrix to compute.
ARPACK.SymmOption - Enum Class in smile.tensor
Which eigenvalues of symmetric matrix to compute.
array() - Method in record class smile.util.Bytes
Returns the value of the array record component.
array(DataType) - Static method in interface smile.data.type.DataTypes
Returns an array data type.
Array - Enum constant in enum class smile.data.type.DataType.ID
Array type ID.
Array(int) - Constructor for class smile.math.Complex.Array
Constructor.
Array2D - Class in smile.util
2-dimensional array of doubles.
Array2D(double[][]) - Constructor for class smile.util.Array2D
Constructor.
Array2D(int, int) - Constructor for class smile.util.Array2D
Constructor of all-zero matrix.
Array2D(int, int, double) - Constructor for class smile.util.Array2D
Constructor.
Array2D(int, int, double[]) - Constructor for class smile.util.Array2D
Constructor.
ArrayElementConsumer - Interface in smile.util.function
Represents an operation that accepts an array element of double value and returns no result.
ArrayElementFunction - Interface in smile.util.function
Represents a function that accepts an array element of double value and produces a result.
ArrayType - Class in smile.data.type
Array of primitive data type.
arrow(String) - Static method in interface smile.io.Read
Reads an Apache Arrow file.
arrow(Path) - Static method in interface smile.io.Read
Reads an Apache Arrow file.
arrow(DataFrame, Path) - Static method in interface smile.io.Write
Writes an Apache Arrow file.
Arrow - Class in smile.io
Apache Arrow is a cross-language development platform for in-memory data.
Arrow() - Constructor for class smile.io.Arrow
Constructor.
Arrow(int) - Constructor for class smile.io.Arrow
Constructor.
as() - Method in record class smile.plot.vega.WindowTransformField
Returns the value of the as record component.
as(String...) - Method in class smile.plot.vega.DensityTransform
Sets the output fields for the sample value and corresponding density estimate.
as(String...) - Method in class smile.plot.vega.LoessTransform
Sets the output field names for the smoothed points generated by the loess transform.
as(String...) - Method in class smile.plot.vega.QuantileTransform
Sets the output field names for the probability and quantile values.
as(String...) - Method in class smile.plot.vega.RegressionTransform
Sets the output field names for the smoothed points generated by the loess transform.
asin() - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the arcsine of the elements of input.
asin(String) - Static method in interface smile.data.formula.Terms
The asin(x) term.
asin(Term) - Static method in interface smile.data.formula.Terms
The asin(x) term.
asin_() - Method in class smile.deep.tensor.Tensor
Computes the arcsine of the elements of input in place.
assistant - Enum constant in enum class smile.llm.Role
AI assistant.
AssociationRule - Record Class in smile.association
Association rule object.
AssociationRule(int[], int[], double, double, double, double) - Constructor for record class smile.association.AssociationRule
Creates an instance of a AssociationRule record class.
asTorch() - Method in class smile.deep.activation.ActivationFunction
 
asTorch() - Method in class smile.deep.layer.AdaptiveAvgPool2dLayer
 
asTorch() - Method in class smile.deep.layer.AvgPool2dLayer
 
asTorch() - Method in class smile.deep.layer.BatchNorm1dLayer
 
asTorch() - Method in class smile.deep.layer.BatchNorm2dLayer
 
asTorch() - Method in class smile.deep.layer.Conv2dLayer
 
asTorch() - Method in class smile.deep.layer.DropoutLayer
 
asTorch() - Method in class smile.deep.layer.EmbeddingLayer
 
asTorch() - Method in class smile.deep.layer.GroupNormLayer
 
asTorch() - Method in interface smile.deep.layer.Layer
Returns the PyTorch Module object.
asTorch() - Method in class smile.deep.layer.LayerBlock
 
asTorch() - Method in class smile.deep.layer.LinearLayer
 
asTorch() - Method in class smile.deep.layer.MaxPool2dLayer
 
asTorch() - Method in class smile.deep.layer.RMSNormLayer
 
asTorch() - Method in class smile.deep.Model
Returns the PyTorch Module object.
asTorch() - Method in class smile.deep.tensor.Device
Returns the PyTorch device object.
asTorch() - Method in enum class smile.deep.tensor.ScalarType
Returns the PyTorch scalar type.
asTorch() - Method in class smile.deep.tensor.Tensor
Returns the PyTorch tensor object.
asTorch() - Method in class smile.llm.PositionalEncoding
 
asTorch() - Method in class smile.vision.layer.StochasticDepth
 
asum() - Method in class smile.tensor.Vector
Sums the absolute values of the elements of the vector.
ata() - Method in class smile.tensor.DenseMatrix
Returns A' * A.
ata() - Method in class smile.tensor.SparseMatrix
Returns A' * A.
AtA - Class in smile.tensor
The square matrix of A' * A or A * A', whichever is smaller.
AtA(Matrix) - Constructor for class smile.tensor.AtA
Constructor.
atan(String) - Static method in interface smile.data.formula.Terms
The atan(x) term.
atan(Term) - Static method in interface smile.data.formula.Terms
The atan(x) term.
Attention - Class in smile.llm.llama
Multi-head attention.
Attention(ModelArgs) - Constructor for class smile.llm.llama.Attention
Constructor.
attractors() - Method in class smile.clustering.DENCLUE
Returns the density attractor of each data point.
auc() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the auc record component.
AUC - Class in smile.validation.metric
The area under the curve (AUC).
AUC() - Constructor for class smile.validation.metric.AUC
Constructor.
AutoMPG - Record Class in smile.datasets
Auto MPG dataset.
AutoMPG() - Constructor for record class smile.datasets.AutoMPG
Constructor.
AutoMPG(Path) - Constructor for record class smile.datasets.AutoMPG
Constructor.
AutoMPG(DataFrame, Formula) - Constructor for record class smile.datasets.AutoMPG
Creates an instance of a AutoMPG record class.
AutoScope - Class in smile.util
AutoScope allows for predictable, deterministic resource deallocation.
AutoScope(AutoCloseable...) - Constructor for class smile.util.AutoScope
Constructors.
autosize() - Method in class smile.plot.vega.Concat
 
autosize() - Method in class smile.plot.vega.Config
Sets the overall size of the visualization.
autosize() - Method in class smile.plot.vega.Facet
 
autosize() - Method in class smile.plot.vega.Repeat
 
autosize() - Method in class smile.plot.vega.VegaLite
Sets the overall size of the visualization.
autosize() - Method in class smile.plot.vega.View
 
autosize(String, boolean, String) - Method in class smile.plot.vega.Concat
 
autosize(String, boolean, String) - Method in class smile.plot.vega.Config
Sets the overall size of the visualization.
autosize(String, boolean, String) - Method in class smile.plot.vega.Facet
 
autosize(String, boolean, String) - Method in class smile.plot.vega.Repeat
 
autosize(String, boolean, String) - Method in class smile.plot.vega.VegaLite
Sets the overall size of the visualization.
autosize(String, boolean, String) - Method in class smile.plot.vega.View
 
Averaging - Enum Class in smile.deep.metric
The averaging strategy to aggregate binary performance metrics across multi-classes.
Averaging - Enum Class in smile.validation.metric
The averaging strategy to aggregate binary performance metrics across multi-classes.
avg() - Method in record class smile.validation.ClassificationValidations
Returns the value of the avg record component.
avg() - Method in record class smile.validation.RegressionValidations
Returns the value of the avg record component.
avgDocSize() - Method in interface smile.nlp.Corpus
Returns the average size of documents in the corpus.
avgDocSize() - Method in class smile.nlp.SimpleCorpus
 
avgPool2d(int) - Static method in interface smile.deep.layer.Layer
Returns an average pooling layer that reduces a tensor by combining cells, and assigning the average value of the input cells to the output cell.
AvgPool2dLayer - Class in smile.deep.layer
An average pooling layer that reduces a tensor by combining cells, and assigning the average value of the input cells to the output cell.
AvgPool2dLayer(int) - Constructor for class smile.deep.layer.AvgPool2dLayer
Constructor.
AvgPool2dLayer(int, int) - Constructor for class smile.deep.layer.AvgPool2dLayer
Constructor.
avro(String, InputStream) - Static method in interface smile.io.Read
Reads an Apache Avro file.
avro(String, String) - Static method in interface smile.io.Read
Reads an Apache Avro file.
avro(Path, InputStream) - Static method in interface smile.io.Read
Reads an Apache Avro file.
avro(Path, Path) - Static method in interface smile.io.Read
Reads an Apache Avro file.
Avro - Class in smile.io
Apache Avro is a data serialization system.
Avro(InputStream) - Constructor for class smile.io.Avro
Constructor.
Avro(Path) - Constructor for class smile.io.Avro
Constructor.
Avro(Schema) - Constructor for class smile.io.Avro
Constructor.
axis() - Method in class smile.plot.vega.Config
Returns the axis definition object.
axis() - Method in class smile.plot.vega.Field
Returns the axis definition object.
axis() - Method in class smile.plot.vega.ViewConfig
Returns the axis definition object.
Axis - Class in smile.plot.swing
This class describes an axis of a coordinate system.
Axis - Class in smile.plot.vega
Axes provide axis lines, ticks, and labels to convey how a positional range represents a data range.
Axis(Base, int) - Constructor for class smile.plot.swing.Axis
Constructor.
axpy(double, double[], double[]) - Static method in class smile.math.MathEx
Update an array by adding a multiple of another array y = a * x + y.
axpy(double, DenseMatrix) - Method in class smile.tensor.DenseMatrix
Computes a constant alpha times a matrix x plus this matrix y.
axpy(double, Vector) - Method in class smile.tensor.Vector
Computes a constant alpha times a vector x plus this vector y.
AZURE - Static variable in class smile.plot.swing.Palette
The color azure with an RGB value of #F0FFFF

B

b - Variable in class smile.validation.metric.ContingencyTable
The column sum of contingency table.
B - Variable in class smile.vq.BIRCH
The branching factor of non-leaf nodes.
background() - Method in class smile.plot.vega.View
Returns the view background's fill and stroke object.
background(String) - Method in class smile.plot.vega.Concat
 
background(String) - Method in class smile.plot.vega.Config
Sets the background with CSS color property.
background(String) - Method in class smile.plot.vega.Facet
 
background(String) - Method in class smile.plot.vega.Repeat
 
background(String) - Method in class smile.plot.vega.VegaLite
Sets the background of the entire view with CSS color property.
background(String) - Method in class smile.plot.vega.View
 
Background - Class in smile.plot.vega
The view background of a single-view or layer specification.
backpopagateDropout() - Method in class smile.base.mlp.Layer
Propagates the errors back through the (implicit) dropout layer.
backpropagate(boolean) - Method in class smile.base.mlp.MultilayerPerceptron
Propagates the errors back through the network.
backpropagate(Vector) - Method in class smile.base.mlp.HiddenLayer
 
backpropagate(Vector) - Method in class smile.base.mlp.InputLayer
 
backpropagate(Vector) - Method in class smile.base.mlp.Layer
Propagates the errors back to a lower layer.
backpropagate(Vector) - Method in class smile.base.mlp.OutputLayer
 
backward() - Method in class smile.deep.tensor.Tensor
Computes the gradients.
Bag - Record Class in smile.validation
A bag of random selected samples.
Bag(int[], int[]) - Constructor for record class smile.validation.Bag
Creates an instance of a Bag record class.
BagOfWords - Class in smile.feature.extraction
The bag-of-words feature of text used in natural language processing and information retrieval.
BagOfWords(String[], Function, String[], boolean) - Constructor for class smile.feature.extraction.BagOfWords
Constructor.
BagOfWords(Function, String[]) - Constructor for class smile.feature.extraction.BagOfWords
Constructor.
BandMatrix - Class in smile.tensor
A band matrix is a sparse matrix, whose non-zero entries are confined to a diagonal band, comprising the main diagonal and zero or more diagonals on either side.
bandPosition(double) - Method in class smile.plot.vega.Axis
For band scales, sets the interpolation fraction where axis ticks should be positioned.
bandwidth() - Method in class smile.stat.distribution.KernelDensity
Returns the bandwidth of kernel.
bandwidth(double) - Method in class smile.plot.vega.DensityTransform
Sets the bandwidth (standard deviation) of the Gaussian kernel.
bandwidth(double) - Method in class smile.plot.vega.LoessTransform
Sets a bandwidth parameter in the range [0, 1] that determines the amount of smoothing.
Bank32nh - Record Class in smile.datasets
Auto MPG dataset.
Bank32nh() - Constructor for record class smile.datasets.Bank32nh
Constructor.
Bank32nh(Path) - Constructor for record class smile.datasets.Bank32nh
Constructor.
Bank32nh(DataFrame, Formula) - Constructor for record class smile.datasets.Bank32nh
Creates an instance of a Bank32nh record class.
Bar - Class in smile.plot.swing
Bars with heights proportional to the value.
Bar(double[][], double, Color) - Constructor for class smile.plot.swing.Bar
Constructor.
BarPlot - Class in smile.plot.swing
A barplot draws bars with heights proportional to the value.
BarPlot(Bar...) - Constructor for class smile.plot.swing.BarPlot
Constructor.
BarPlot(Bar[], Legend[]) - Constructor for class smile.plot.swing.BarPlot
Constructor.
base(int) - Method in class smile.plot.vega.BinParams
Sets the number base to use for automatic bin determination (default is base 10).
Base - Class in smile.plot.swing
The coordinate base of Canvas.
Base(double[], double[]) - Constructor for class smile.plot.swing.Base
Constructor.
Base(double[], double[], boolean) - Constructor for class smile.plot.swing.Base
Constructor.
batch(int) - Method in interface smile.data.Dataset
Returns an iterator of mini-batches.
batchNorm1d(int) - Static method in interface smile.deep.layer.Layer
Returns a normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
batchNorm1d(int, double, double, boolean) - Static method in interface smile.deep.layer.Layer
Returns a normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
BatchNorm1dLayer - Class in smile.deep.layer
A batch normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
BatchNorm1dLayer(int) - Constructor for class smile.deep.layer.BatchNorm1dLayer
Constructor.
BatchNorm1dLayer(int, double, double, boolean) - Constructor for class smile.deep.layer.BatchNorm1dLayer
Constructor.
batchNorm2d(int) - Static method in interface smile.deep.layer.Layer
Returns a normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
batchNorm2d(int, double, double, boolean) - Static method in interface smile.deep.layer.Layer
Returns a normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
BatchNorm2dLayer - Class in smile.deep.layer
A batch normalization layer that re-centers and normalizes the output of one layer before feeding it to another.
BatchNorm2dLayer(int) - Constructor for class smile.deep.layer.BatchNorm2dLayer
Constructor.
BatchNorm2dLayer(int, double, double, boolean) - Constructor for class smile.deep.layer.BatchNorm2dLayer
Constructor.
BBDTree - Class in smile.clustering
Balanced Box-Decomposition Tree.
BBDTree(double[][]) - Constructor for class smile.clustering.BBDTree
Constructs a tree out of the given n data points living in R^d.
BE - Enum constant in enum class smile.tensor.ARPACK.SymmOption
Computes nev eigenvalues, half from each end of the spectrum.
BEIGE - Static variable in class smile.plot.swing.Palette
The color beige with an RGB value of #F5F5DC
Bernoulli - Interface in smile.glm.model
The response variable is of Bernoulli distribution.
BERNOULLI - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
The document Bernoulli model generates an indicator for each term of the vocabulary, either indicating presence of the term in the document or indicating absence.
bernoulli_(double) - Method in class smile.deep.tensor.Tensor
Draws binary random numbers (0 or 1) from a Bernoulli distribution.
BernoulliDistribution - Class in smile.stat.distribution
Bernoulli's distribution is a discrete probability distribution, which takes value 1 with success probability p and value 0 with failure probability q = 1 - p.
BernoulliDistribution(boolean[]) - Constructor for class smile.stat.distribution.BernoulliDistribution
Construct a Bernoulli from the given samples.
BernoulliDistribution(double) - Constructor for class smile.stat.distribution.BernoulliDistribution
Constructor.
BestLocalizedWavelet - Class in smile.wavelet
Best localized wavelets.
BestLocalizedWavelet(int) - Constructor for class smile.wavelet.BestLocalizedWavelet
Constructor.
beta - Variable in class smile.glm.GLM
The linear weights.
beta - Variable in class smile.stat.distribution.BetaDistribution
The shape parameter.
beta() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the beta record component.
beta() - Method in record class smile.regression.LASSO.Options
Returns the value of the beta record component.
beta() - Method in class smile.stat.distribution.BetaDistribution
Returns the shape parameter beta.
beta(double, double) - Static method in class smile.math.special.Beta
Beta function, also called the Euler integral of the first kind.
Beta - Class in smile.math.special
The beta function, also called the Euler integral of the first kind.
beta0() - Method in record class smile.regression.RidgeRegression.Options
Returns the value of the beta0 record component.
BetaDistribution - Class in smile.stat.distribution
The beta distribution is defined on the interval [0, 1] parameterized by two positive shape parameters, typically denoted by α and β.
BetaDistribution(double, double) - Constructor for class smile.stat.distribution.BetaDistribution
Constructor.
bfcc() - Method in class smile.graph.Graph
Returns the connected components by breadth-first search.
BFGS - Class in smile.math
The Broyden–Fletcher–Goldfarb–Shanno (BFGS) algorithm is an iterative method for solving unconstrained nonlinear optimization problems.
bfloat16 - Static variable in class smile.linalg.blas.cblas_h
typedef uint16_t bfloat16
BFloat16 - Enum constant in enum class smile.deep.tensor.ScalarType
The bfloat16 (brain floating point) floating-point format occupies 16 bits.
BFloat16 - Enum constant in enum class smile.tensor.ScalarType
The bfloat16 (brain floating point) floating-point format occupies 16 bits.
bfs(VertexVisitor) - Method in class smile.graph.Graph
BFS search on graph and performs some operation defined in visitor on each vertex during traveling.
bfsort() - Method in class smile.graph.Graph
Topological sort digraph by breadth-first search of graph.
bias - Variable in class smile.base.mlp.Layer
The bias.
bias() - Method in class smile.base.mlp.Layer
Returns the bias vector.
bias() - Method in record class smile.data.formula.Intercept
Returns the value of the bias record component.
biasGradient - Variable in class smile.base.mlp.Layer
The bias gradient.
biasGradientMoment1 - Variable in class smile.base.mlp.Layer
The first moment of bias gradient.
biasGradientMoment2 - Variable in class smile.base.mlp.Layer
The second moment of bias gradient.
biasUpdate - Variable in class smile.base.mlp.Layer
The bias update.
bic - Variable in class smile.stat.distribution.DiscreteExponentialFamilyMixture
The BIC score when the distribution is fit on a sample data.
bic - Variable in class smile.stat.distribution.ExponentialFamilyMixture
The BIC score when the distribution is fit on a sample data.
bic - Variable in class smile.stat.distribution.MultivariateExponentialFamilyMixture
The BIC score when the distribution is fit on a sample data.
bic(double[]) - Method in class smile.stat.distribution.DiscreteMixture
Returns the BIC score.
bic(double[]) - Method in class smile.stat.distribution.Mixture
Returns the BIC score.
bic(double[][]) - Method in class smile.stat.distribution.MultivariateMixture
Returns the BIC score.
BIC() - Method in class smile.glm.GLM
Returns the BIC score.
BIC(double, int, int) - Static method in interface smile.validation.ModelSelection
Bayesian information criterion.
BiconjugateGradient - Interface in smile.tensor
The biconjugate gradient method to solve systems of linear equations.
BicubicInterpolation - Class in smile.interpolation
Bicubic interpolation in a two-dimensional regular grid.
BicubicInterpolation(double[], double[], double[][]) - Constructor for class smile.interpolation.BicubicInterpolation
Constructor.
Bigram - Class in smile.nlp
Bigrams or digrams are groups of two words, and are very commonly used as the basis for simple statistical analysis of text.
Bigram - Class in smile.nlp.collocation
Collocations are expressions of multiple words which commonly co-occur.
Bigram(String, String) - Constructor for class smile.nlp.Bigram
Constructor.
Bigram(String, String, int, double) - Constructor for class smile.nlp.collocation.Bigram
Constructor.
bigramCount() - Method in interface smile.nlp.Corpus
Returns the number of bigrams in the corpus.
bigramCount() - Method in class smile.nlp.SimpleCorpus
 
bigrams() - Method in interface smile.nlp.Corpus
Returns the iterator over the bigrams in the corpus.
bigrams() - Method in class smile.nlp.SimpleCorpus
 
BilinearInterpolation - Class in smile.interpolation
Bilinear interpolation in a two-dimensional regular grid.
BilinearInterpolation(double[], double[], double[][]) - Constructor for class smile.interpolation.BilinearInterpolation
Constructor.
bin(boolean) - Method in class smile.plot.vega.FacetField
Turns on/off binning a quantitative field.
bin(boolean) - Method in class smile.plot.vega.Field
Turns on/off binning a quantitative field.
bin(String) - Method in class smile.plot.vega.FacetField
Indicates that the data for x or y channel are binned before they are imported into Vega-Lite.
bin(String) - Method in class smile.plot.vega.Field
Indicates that the data for x or y channel are binned before they are imported into Vega-Lite.
bin(String, String) - Method in class smile.plot.vega.Transform
Adds a bin transformation.
bin(BinParams) - Method in class smile.plot.vega.Field
Sets custom binning parameters.
binary(double, double, int[], int[]) - Static method in record class smile.validation.ClassificationMetrics
Computes the binary classification metrics.
binary(double, double, int[], int[], double[]) - Static method in record class smile.validation.ClassificationMetrics
Computes the binary soft classification metrics.
binary(int, KernelMachine) - Static method in class smile.base.svm.LinearKernelMachine
Creates a linear kernel machine.
binary(String) - Static method in interface smile.math.kernel.MercerKernel
Returns a binary sparse kernel function.
BinaryEncoder - Class in smile.feature.extraction
Encodes categorical features using sparse one-hot scheme.
BinaryEncoder(StructType, String...) - Constructor for class smile.feature.extraction.BinaryEncoder
Constructor.
BinarySparseDataset<T> - Class in smile.data
Binary sparse dataset.
BinarySparseDataset(Collection) - Constructor for class smile.data.BinarySparseDataset
Constructor.
BinarySparseGaussianKernel - Class in smile.math.kernel
Gaussian kernel, also referred as RBF kernel or squared exponential kernel.
BinarySparseGaussianKernel(double) - Constructor for class smile.math.kernel.BinarySparseGaussianKernel
Constructor.
BinarySparseGaussianKernel(double, double, double) - Constructor for class smile.math.kernel.BinarySparseGaussianKernel
Constructor.
BinarySparseHyperbolicTangentKernel - Class in smile.math.kernel
The hyperbolic tangent kernel on binary sparse data.
BinarySparseHyperbolicTangentKernel() - Constructor for class smile.math.kernel.BinarySparseHyperbolicTangentKernel
Constructor with scale 1.0 and offset 0.0.
BinarySparseHyperbolicTangentKernel(double, double) - Constructor for class smile.math.kernel.BinarySparseHyperbolicTangentKernel
Constructor.
BinarySparseHyperbolicTangentKernel(double, double, double[], double[]) - Constructor for class smile.math.kernel.BinarySparseHyperbolicTangentKernel
Constructor.
BinarySparseLaplacianKernel - Class in smile.math.kernel
Laplacian kernel, also referred as exponential kernel.
BinarySparseLaplacianKernel(double) - Constructor for class smile.math.kernel.BinarySparseLaplacianKernel
Constructor.
BinarySparseLaplacianKernel(double, double, double) - Constructor for class smile.math.kernel.BinarySparseLaplacianKernel
Constructor.
BinarySparseLinearKernel - Class in smile.math.kernel
The linear dot product kernel on sparse binary arrays in int[], which are the indices of nonzero elements.
BinarySparseLinearKernel() - Constructor for class smile.math.kernel.BinarySparseLinearKernel
Constructor.
BinarySparseLinearSVM - Class in smile.classification
Binary sparse linear support vector machines for classification.
BinarySparseLinearSVM - Class in smile.regression
Binary sparse linear support vector machines for regression.
BinarySparseLinearSVM(int, KernelMachine) - Constructor for class smile.classification.BinarySparseLinearSVM
Constructor.
BinarySparseLinearSVM(int, KernelMachine) - Constructor for class smile.regression.BinarySparseLinearSVM
Constructor.
BinarySparseMaternKernel - Class in smile.math.kernel
The class of Matérn kernels is a generalization of the Gaussian/RBF.
BinarySparseMaternKernel(double, double) - Constructor for class smile.math.kernel.BinarySparseMaternKernel
Constructor.
BinarySparseMaternKernel(double, double, double, double) - Constructor for class smile.math.kernel.BinarySparseMaternKernel
Constructor.
BinarySparsePolynomialKernel - Class in smile.math.kernel
The polynomial kernel on binary sparse data.
BinarySparsePolynomialKernel(int) - Constructor for class smile.math.kernel.BinarySparsePolynomialKernel
Constructor with scale 1 and offset 0.
BinarySparsePolynomialKernel(int, double, double) - Constructor for class smile.math.kernel.BinarySparsePolynomialKernel
Constructor.
BinarySparsePolynomialKernel(int, double, double, double[], double[]) - Constructor for class smile.math.kernel.BinarySparsePolynomialKernel
Constructor.
BinarySparseSequenceDataset - Class in smile.data
Binary sparse sequence dataset.
BinarySparseSequenceDataset(int, int, List) - Constructor for class smile.data.BinarySparseSequenceDataset
Constructor.
BinarySparseThinPlateSplineKernel - Class in smile.math.kernel
The Thin Plate Spline kernel on binary sparse data.
BinarySparseThinPlateSplineKernel(double) - Constructor for class smile.math.kernel.BinarySparseThinPlateSplineKernel
Constructor.
BinarySparseThinPlateSplineKernel(double, double, double) - Constructor for class smile.math.kernel.BinarySparseThinPlateSplineKernel
Constructor.
bind(StructType) - Method in class smile.data.formula.Abs
 
bind(StructType) - Method in class smile.data.formula.Add
 
bind(StructType) - Method in class smile.data.formula.Date
 
bind(StructType) - Method in class smile.data.formula.Delete
 
bind(StructType) - Method in class smile.data.formula.Div
 
bind(StructType) - Method in class smile.data.formula.Dot
 
bind(StructType) - Method in class smile.data.formula.DoubleFunction
 
bind(StructType) - Method in class smile.data.formula.FactorCrossing
 
bind(StructType) - Method in class smile.data.formula.FactorInteraction
 
bind(StructType) - Method in class smile.data.formula.Formula
Binds the formula to a schema and returns the schema of predictors.
bind(StructType) - Method in record class smile.data.formula.Intercept
 
bind(StructType) - Method in class smile.data.formula.IntFunction
 
bind(StructType) - Method in class smile.data.formula.Mul
 
bind(StructType) - Method in class smile.data.formula.Round
 
bind(StructType) - Method in class smile.data.formula.Sub
 
bind(StructType) - Method in interface smile.data.formula.Term
Binds the term to a schema.
bind(StructType) - Method in record class smile.data.formula.Variable
 
binomial(double[][], int[]) - Static method in class smile.classification.LogisticRegression
Fits binomial logistic regression.
binomial(double[][], int[], LogisticRegression.Options) - Static method in class smile.classification.LogisticRegression
Fits binomial logistic regression.
binomial(int, int[][], int[]) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
binomial(int, int[][], int[], Maxent.Options) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
binomial(SparseDataset) - Static method in class smile.classification.SparseLogisticRegression
Fits binomial logistic regression.
binomial(SparseDataset, LogisticRegression.Options) - Static method in class smile.classification.SparseLogisticRegression
Fits binomial logistic regression.
Binomial - Interface in smile.glm.model
The response variable is of Binomial distribution.
Binomial(double[], double, double, IntSet) - Constructor for class smile.classification.LogisticRegression.Binomial
Constructor.
Binomial(double[], double, double, IntSet) - Constructor for class smile.classification.Maxent.Binomial
Constructor.
Binomial(double[], double, double, IntSet) - Constructor for class smile.classification.SparseLogisticRegression.Binomial
Constructor.
BinomialDistribution - Class in smile.stat.distribution
The 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.
BinomialDistribution(int, double) - Constructor for class smile.stat.distribution.BinomialDistribution
Constructor.
BinParams - Class in smile.plot.vega
To test a data point in a filter transform or a test property in conditional encoding, a predicate definition of the following forms must be specified:
BinParams() - Constructor for class smile.plot.vega.BinParams
Constructor.
bins(double[], double) - Static method in interface smile.math.Histogram
Returns the number of bins for a data based on a suggested bin width h.
bins(int) - Static method in interface smile.math.Histogram
Returns the number of bins by square-root rule, which takes the square root of the number of data points in the sample (used by Excel histograms and many others).
BIRCH - Class in smile.vq
Balanced Iterative Reducing and Clustering using Hierarchies.
BIRCH(int, int, int, double) - Constructor for class smile.vq.BIRCH
Constructor.
BISQUE - Static variable in class smile.plot.swing.Palette
The color bisque with an RGB value of #FFE4C4
BitcoinPrice - Record Class in smile.datasets
Bitcoin Price history on a daily basis from April-28th, 2013 to Feb-20th, 2018.
BitcoinPrice() - Constructor for record class smile.datasets.BitcoinPrice
Constructor.
BitcoinPrice(Path) - Constructor for record class smile.datasets.BitcoinPrice
Constructor.
BitcoinPrice(DataFrame) - Constructor for record class smile.datasets.BitcoinPrice
Creates an instance of a BitcoinPrice record class.
bits() - Method in class smile.gap.BitString
Returns the bit string of chromosome.
BitString - Class in smile.gap
The standard bit string representation of the solution domain.
BitString(byte[], Fitness) - Constructor for class smile.gap.BitString
Constructor.
BitString(byte[], Fitness, Crossover, double, double) - Constructor for class smile.gap.BitString
Constructor.
BitString(int, Fitness) - Constructor for class smile.gap.BitString
Constructor.
BitString(int, Fitness, Crossover, double, double) - Constructor for class smile.gap.BitString
Constructor.
BKTree<K,V> - Class in smile.neighbor
A BK-tree is a metric tree specifically adapted to discrete metric spaces.
BKTree(Metric) - Constructor for class smile.neighbor.BKTree
Constructor.
BLACK - Static variable in class smile.plot.swing.Palette
The color black with an RGB value of #000000
BLANCHED_ALMOND - Static variable in class smile.plot.swing.Palette
The color blanched almond with an RGB value of #FFEBCD
blas() - Method in enum class smile.linalg.Diag
Returns the int value for BLAS.
blas() - Method in enum class smile.linalg.Order
Returns the int value for BLAS.
blas() - Method in enum class smile.linalg.Side
Returns the int value for BLAS.
blas() - Method in enum class smile.linalg.Transpose
Returns the int value for BLAS.
blas() - Method in enum class smile.linalg.UPLO
Returns the int value for BLAS.
blasint - Static variable in class smile.linalg.blas.cblas_h
typedef int blasint
BLASLONG - Static variable in class smile.linalg.blas.cblas_h
typedef long BLASLONG
BLASULONG - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long BLASULONG
blend(String) - Method in class smile.plot.vega.Mark
Sets the color blend mode for drawing an item on its current background.
block() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the block record component.
BLUE - Static variable in class smile.plot.swing.Palette
The color blue with an RGB value of #0000FF
BLUE_VIOLET - Static variable in class smile.plot.swing.Palette
The color blue violet with an RGB value of #8A2BE2
BM25 - Class in smile.nlp.relevance
The BM25 weighting scheme, often called Okapi weighting, after the system in which it was first implemented, was developed as a way of building a probabilistic model sensitive to term frequency and document length while not introducing too many additional parameters into the model.
BM25() - Constructor for class smile.nlp.relevance.BM25
Default constructor with k1 = 1.2, b = 0.75, delta = 1.0.
BM25(double, double, double) - Constructor for class smile.nlp.relevance.BM25
Constructor.
body - Variable in class smile.nlp.Text
The text body.
Boolean - Enum constant in enum class smile.data.type.DataType.ID
Boolean type ID.
BOOLEAN - Static variable in interface smile.util.Regex
Boolean regular expression pattern.
BOOLEAN_REGEX - Static variable in interface smile.util.Regex
Boolean regular expression.
BooleanArrayType - Static variable in interface smile.data.type.DataTypes
Boolean Array data type.
BooleanType - Class in smile.data.type
Boolean data type.
BooleanType - Static variable in interface smile.data.type.DataTypes
Boolean data type.
BooleanVector - Class in smile.data.vector
A boolean vector.
BooleanVector(String, boolean[]) - Constructor for class smile.data.vector.BooleanVector
Constructor.
BooleanVector(String, int, BitSet) - Constructor for class smile.data.vector.BooleanVector
Constructor.
BooleanVector(StructField, boolean[]) - Constructor for class smile.data.vector.BooleanVector
Constructor.
BooleanVector(StructField, int, BitSet) - Constructor for class smile.data.vector.BooleanVector
Constructor.
boolValue() - Method in class smile.deep.tensor.Tensor
Returns the boolean value when the tensor holds a single value.
Bootstrap - Interface in smile.validation
The bootstrap is a general tool for assessing statistical accuracy.
BostonHousing - Record Class in smile.datasets
Boston housing dataset.
BostonHousing() - Constructor for record class smile.datasets.BostonHousing
Constructor.
BostonHousing(Path) - Constructor for record class smile.datasets.BostonHousing
Constructor.
BostonHousing(DataFrame, Formula) - Constructor for record class smile.datasets.BostonHousing
Creates an instance of a BostonHousing record class.
bounds(String) - Method in class smile.plot.vega.Concat
 
bounds(String) - Method in class smile.plot.vega.Facet
 
bounds(String) - Method in class smile.plot.vega.Repeat
 
bounds(String) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets the bounds calculation method to use for determining the extent of a sub-plot.
Box_Pierce - Enum constant in enum class smile.timeseries.BoxTest.Type
Box-Pierce test.
BoxPlot - Class in smile.plot.swing
A boxplot is a convenient way of graphically depicting groups of numerical data through their five-number summaries the smallest observation (sample minimum), lower quartile (Q1), median (Q2), upper quartile (Q3), and largest observation (sample maximum).
BoxPlot(double[][], String[]) - Constructor for class smile.plot.swing.BoxPlot
Constructor.
BoxTest - Class in smile.timeseries
Portmanteau test jointly that several autocorrelations of time series are zero.
BoxTest.Type - Enum Class in smile.timeseries
The type of test.
branch(Tuple) - Method in class smile.base.cart.InternalNode
Returns true if the instance goes to the true branch.
branch(Tuple) - Method in class smile.base.cart.NominalNode
 
branch(Tuple) - Method in class smile.base.cart.OrdinalNode
 
BreakIteratorSentenceSplitter - Class in smile.nlp.tokenizer
A sentence splitter based on the java.text.BreakIterator, which supports multiple natural languages (selected by locale setting).
BreakIteratorSentenceSplitter() - Constructor for class smile.nlp.tokenizer.BreakIteratorSentenceSplitter
Constructor for the default locale.
BreakIteratorSentenceSplitter(Locale) - Constructor for class smile.nlp.tokenizer.BreakIteratorSentenceSplitter
Constructor for the given locale.
BreakIteratorTokenizer - Class in smile.nlp.tokenizer
A word tokenizer based on the java.text.BreakIterator, which supports multiple natural languages (selected by locale setting).
BreakIteratorTokenizer() - Constructor for class smile.nlp.tokenizer.BreakIteratorTokenizer
Constructor for the default locale.
BreakIteratorTokenizer(Locale) - Constructor for class smile.nlp.tokenizer.BreakIteratorTokenizer
Constructor for the given locale.
breaks() - Method in record class smile.feature.selection.InformationValue
Returns the value of the breaks record component.
breaks(double[], double) - Static method in interface smile.math.Histogram
Returns the breakpoints between histogram cells for a dataset based on a suggested bin width h.
breaks(double[], int) - Static method in interface smile.math.Histogram
Returns the breakpoints between histogram cells for a dataset.
breaks(double, double, double) - Static method in interface smile.math.Histogram
Returns the breakpoints between histogram cells for a given range based on a suggested bin width h.
breaks(double, double, int) - Static method in interface smile.math.Histogram
Returns the breakpoints between histogram cells for a given range.
BreastCancer - Record Class in smile.datasets
Breast cancer dataset.
BreastCancer() - Constructor for record class smile.datasets.BreastCancer
Constructor.
BreastCancer(Path) - Constructor for record class smile.datasets.BreastCancer
Constructor.
BreastCancer(DataFrame, Formula) - Constructor for record class smile.datasets.BreastCancer
Creates an instance of a BreastCancer record class.
BROWN - Static variable in class smile.plot.swing.Palette
The color brown with an RGB value of #A52A2A
bubble(int) - Static method in interface smile.vq.Neighborhood
Returns the bubble neighborhood function.
bucket - Variable in class smile.neighbor.lsh.Bucket
The bucket id is given by the universal bucket hashing.
Bucket - Class in smile.neighbor.lsh
A bucket is a container for points that all have the same value for hash function g (function g is a vector of k LSH functions).
Bucket(int) - Constructor for class smile.neighbor.lsh.Bucket
Constructor.
BUFSIZ() - Static method in class smile.linalg.blas.cblas_h
#define BUFSIZ 8192
build() - Method in class smile.hash.PerfectMap.Builder
Builds the perfect map.
build(int) - Method in class smile.base.mlp.HiddenLayerBuilder
 
build(int) - Method in class smile.base.mlp.LayerBuilder
Builds a layer.
build(int) - Method in class smile.base.mlp.OutputLayerBuilder
 
build(String, String, int, int) - Static method in class smile.llm.llama.Llama
Builds a Llama instance by initializing and loading a model checkpoint.
build(String, String, int, int, Integer) - Static method in class smile.llm.llama.Llama
Builds a Llama instance by initializing and loading a model checkpoint.
builder(String, int, double, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer.
Builder() - Constructor for class smile.hash.PerfectMap.Builder
Constructor.
Builder(Map) - Constructor for class smile.hash.PerfectMap.Builder
Constructor.
BURLYWOOD - Static variable in class smile.plot.swing.Palette
The color burly wood with an RGB value of #DEB887
Button - Class in smile.swing
Action initialized JButton.
Button(Action) - Constructor for class smile.swing.Button
Constructor.
ButtonCellRenderer - Class in smile.swing.table
The ButtonCellRenderer class provides a renderer and an editor that looks like a JButton.
ButtonCellRenderer(JTable, Action, int) - Constructor for class smile.swing.table.ButtonCellRenderer
Create the ButtonCellRenderer to be used as a renderer and editor.
Byte - Enum constant in enum class smile.data.type.DataType.ID
Byte type ID.
byteArray() - Method in class smile.deep.tensor.Tensor
Returns the byte array of tensor elements
ByteArrayCellRenderer - Class in smile.swing.table
Byte array renderer in JTable.
ByteArrayCellRenderer() - Constructor for class smile.swing.table.ByteArrayCellRenderer
Constructor.
ByteArrayType - Static variable in interface smile.data.type.DataTypes
Byte Array data type.
Bytes - Record Class in smile.util
Byte string.
Bytes(byte[]) - Constructor for record class smile.util.Bytes
Creates an instance of a Bytes record class.
Bytes(String) - Constructor for record class smile.util.Bytes
Constructor with a string input.
byteSize() - Method in enum class smile.tensor.ScalarType
Returns the scalar type size in bytes.
ByteType - Class in smile.data.type
Byte data type.
ByteType - Static variable in interface smile.data.type.DataTypes
Byte data type.
byteValue() - Method in class smile.deep.tensor.Tensor
Returns the byte value when the tensor holds a single value.
ByteVector - Class in smile.data.vector
A byte vector.
ByteVector(String, byte[]) - Constructor for class smile.data.vector.ByteVector
Constructor.
ByteVector(StructField, byte[]) - Constructor for class smile.data.vector.ByteVector
Constructor.

C

c(double...) - Static method in class smile.math.MathEx
Combines the arguments to form a vector.
c(double[]...) - Static method in class smile.math.MathEx
Concatenates multiple vectors into one.
c(float...) - Static method in class smile.math.MathEx
Combines the arguments to form a vector.
c(float[]...) - Static method in class smile.math.MathEx
Concatenates multiple vectors into one.
c(int...) - Static method in class smile.math.MathEx
Combines the arguments to form a vector.
c(int[]...) - Static method in class smile.math.MathEx
Concatenates multiple vectors into one.
c(String...) - Static method in class smile.math.MathEx
Combines the arguments to form a vector.
c(String[]...) - Static method in class smile.math.MathEx
Concatenates multiple vectors into one array of strings.
C() - Method in record class smile.classification.SVM.Options
Returns the value of the C record component.
C() - Method in record class smile.regression.SVM.Options
Returns the value of the C record component.
C_BOOL - Static variable in class smile.linalg.arpack.arpack_h
 
C_BOOL - Static variable in class smile.linalg.blas.cblas_h
 
C_BOOL - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_CHAR - Static variable in class smile.linalg.arpack.arpack_h
 
C_CHAR - Static variable in class smile.linalg.blas.cblas_h
 
C_CHAR - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_DOUBLE - Static variable in class smile.linalg.arpack.arpack_h
 
C_DOUBLE - Static variable in class smile.linalg.blas.cblas_h
 
C_DOUBLE - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_FLOAT - Static variable in class smile.linalg.arpack.arpack_h
 
C_FLOAT - Static variable in class smile.linalg.blas.cblas_h
 
C_FLOAT - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_INT - Static variable in class smile.linalg.arpack.arpack_h
 
C_INT - Static variable in class smile.linalg.blas.cblas_h
 
C_INT - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_LONG - Static variable in class smile.linalg.arpack.arpack_h
 
C_LONG - Static variable in class smile.linalg.blas.cblas_h
 
C_LONG - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_LONG_LONG - Static variable in class smile.linalg.arpack.arpack_h
 
C_LONG_LONG - Static variable in class smile.linalg.blas.cblas_h
 
C_LONG_LONG - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_POINTER - Static variable in class smile.linalg.arpack.arpack_h
 
C_POINTER - Static variable in class smile.linalg.blas.cblas_h
 
C_POINTER - Static variable in class smile.linalg.lapack.clapack_h_1
 
C_SHORT - Static variable in class smile.linalg.arpack.arpack_h
 
C_SHORT - Static variable in class smile.linalg.blas.cblas_h
 
C_SHORT - Static variable in class smile.linalg.lapack.clapack_h_1
 
cabs(double) - Static method in class smile.linalg.blas.cblas_h
extern double cabs(_Complex double __z)
cabs$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double cabs(_Complex double __z)
cabs$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double cabs(_Complex double __z)
cabs$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double cabs(_Complex double __z)
cabsf(float) - Static method in class smile.linalg.blas.cblas_h
extern float cabsf(_Complex float __z)
cabsf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float cabsf(_Complex float __z)
cabsf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float cabsf(_Complex float __z)
cabsf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float cabsf(_Complex float __z)
CacheFiles - Interface in smile.io
Static methods that manage cache files.
cacos(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double cacos(_Complex double __z)
cacos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double cacos(_Complex double __z)
cacos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double cacos(_Complex double __z)
cacos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double cacos(_Complex double __z)
cacosf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float cacosf(_Complex float __z)
cacosf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float cacosf(_Complex float __z)
cacosf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float cacosf(_Complex float __z)
cacosf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float cacosf(_Complex float __z)
cacosh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double cacosh(_Complex double __z)
cacosh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double cacosh(_Complex double __z)
cacosh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double cacosh(_Complex double __z)
cacosh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double cacosh(_Complex double __z)
cacoshf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float cacoshf(_Complex float __z)
cacoshf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float cacoshf(_Complex float __z)
cacoshf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float cacoshf(_Complex float __z)
cacoshf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float cacoshf(_Complex float __z)
CADET_BLUE - Static variable in class smile.plot.swing.Palette
The color cadet blue with an RGB value of #5F9EA0
calculate(String, String) - Method in class smile.plot.vega.Transform
Adds a formula transform extends data objects with new fields (columns) according to an expression.
CalHousing - Record Class in smile.datasets
California housing dataset.
CalHousing() - Constructor for record class smile.datasets.CalHousing
Constructor.
CalHousing(Path) - Constructor for record class smile.datasets.CalHousing
Constructor.
CalHousing(DataFrame, Formula) - Constructor for record class smile.datasets.CalHousing
Creates an instance of a CalHousing record class.
CANCEL_OPTION - Static variable in class smile.swing.FontChooser
Return value from showDialog().
Canvas - Class in smile.plot.swing
Interactive view of a mathematical plot.
Canvas(Figure) - Constructor for class smile.plot.swing.Canvas
Constructor.
CARDINAL_NUMBER - Static variable in interface smile.util.Regex
Cardinal numbers.
CARDINAL_NUMBER_WITH_COMMA - Static variable in interface smile.util.Regex
Cardinal numbers, optionally thousands are separated by comma.
carg(double) - Static method in class smile.linalg.blas.cblas_h
extern double carg(_Complex double __z)
carg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double carg(_Complex double __z)
carg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double carg(_Complex double __z)
carg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double carg(_Complex double __z)
cargf(float) - Static method in class smile.linalg.blas.cblas_h
extern float cargf(_Complex float __z)
cargf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float cargf(_Complex float __z)
cargf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float cargf(_Complex float __z)
cargf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float cargf(_Complex float __z)
CART - Class in smile.base.cart
Classification and regression tree.
CART(DataFrame, StructField, int, int, int, int, int[], int[][]) - Constructor for class smile.base.cart.CART
Constructor.
CART(Formula, StructType, StructField, Node, double[]) - Constructor for class smile.base.cart.CART
Constructor.
casin(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double casin(_Complex double __z)
casin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double casin(_Complex double __z)
casin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double casin(_Complex double __z)
casin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double casin(_Complex double __z)
casinf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float casinf(_Complex float __z)
casinf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float casinf(_Complex float __z)
casinf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float casinf(_Complex float __z)
casinf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float casinf(_Complex float __z)
casinh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double casinh(_Complex double __z)
casinh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double casinh(_Complex double __z)
casinh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double casinh(_Complex double __z)
casinh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double casinh(_Complex double __z)
casinhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float casinhf(_Complex float __z)
casinhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float casinhf(_Complex float __z)
casinhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float casinhf(_Complex float __z)
casinhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float casinhf(_Complex float __z)
catan(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double catan(_Complex double __z)
catan$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double catan(_Complex double __z)
catan$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double catan(_Complex double __z)
catan$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double catan(_Complex double __z)
catanf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float catanf(_Complex float __z)
catanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float catanf(_Complex float __z)
catanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float catanf(_Complex float __z)
catanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float catanf(_Complex float __z)
catanh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double catanh(_Complex double __z)
catanh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double catanh(_Complex double __z)
catanh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double catanh(_Complex double __z)
catanh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double catanh(_Complex double __z)
catanhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float catanhf(_Complex float __z)
catanhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float catanhf(_Complex float __z)
catanhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float catanhf(_Complex float __z)
catanhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float catanhf(_Complex float __z)
categorical() - Method in record class smile.feature.selection.FRegression
Returns the value of the categorical record component.
CategoricalEncoder - Enum Class in smile.data
Categorical variable encoder.
CategoricalMeasure - Class in smile.data.measure
Categorical data can be stored into groups or categories with the aid of names or labels.
CategoricalMeasure(int[]) - Constructor for class smile.data.measure.CategoricalMeasure
Constructor.
CategoricalMeasure(int[], String[]) - Constructor for class smile.data.measure.CategoricalMeasure
Constructor.
CategoricalMeasure(String...) - Constructor for class smile.data.measure.CategoricalMeasure
Constructor.
CategoricalMeasure(List) - Constructor for class smile.data.measure.CategoricalMeasure
Constructor.
category(int) - Static method in interface smile.data.type.DataTypes
Returns a data type of categorical variable.
cbdsqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork, __CLPK_integer *__info)
cbdsqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork, __CLPK_integer *__info)
cbdsqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork, __CLPK_integer *__info)
cbdsqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork, __CLPK_integer *__info)
cbind(double[]...) - Static method in class smile.math.MathEx
Concatenates vectors by columns.
cbind(float[]...) - Static method in class smile.math.MathEx
Concatenates vectors by columns.
cbind(int[]...) - Static method in class smile.math.MathEx
Concatenates vectors by columns.
cbind(String[]...) - Static method in class smile.math.MathEx
Concatenates vectors by columns.
cblas_caxpby(int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_caxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_caxpby$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_caxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_caxpby$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_caxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_caxpby$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_caxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_caxpy(int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_caxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_caxpy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_caxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_caxpy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_caxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_caxpy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_caxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_ccopy(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ccopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_ccopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ccopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_ccopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ccopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_ccopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ccopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_cdotc(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
openblas_complex_float cblas_cdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotc_sub(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_cdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotc_sub$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotc_sub$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotc_sub$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
openblas_complex_float cblas_cdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
openblas_complex_float cblas_cdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
openblas_complex_float cblas_cdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotu(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
openblas_complex_float cblas_cdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotu_sub(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_cdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotu_sub$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotu_sub$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotu_sub$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_cdotu$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
openblas_complex_float cblas_cdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotu$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
openblas_complex_float cblas_cdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cdotu$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
openblas_complex_float cblas_cdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_cgbmv(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_cgbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_cgbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_cgbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_cgeadd(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const float *cbeta, float *c, const blasint cldc)
cblas_cgeadd$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const float *cbeta, float *c, const blasint cldc)
cblas_cgeadd$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const float *cbeta, float *c, const blasint cldc)
cblas_cgeadd$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const float *cbeta, float *c, const blasint cldc)
cblas_cgemm(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm3m(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm3m$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm3m$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemm3m$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_cgemv(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_cgemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_cgemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_cgemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_cgerc(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgerc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgerc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgerc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgeru(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgeru$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgeru$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cgeru$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_chbmv(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_chbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chemm(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_chemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_chemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_chemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_chemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_chemv(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_chemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_cher(int, int, int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_cher$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_cher$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_cher$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_cher2(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cher2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cher2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cher2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_cher2k(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const float beta, void *C, const blasint ldc)
cblas_cher2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const float beta, void *C, const blasint ldc)
cblas_cher2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const float beta, void *C, const blasint ldc)
cblas_cher2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const float beta, void *C, const blasint ldc)
cblas_cherk(int, int, int, int, int, float, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const void *A, const blasint lda, const float beta, void *C, const blasint ldc)
cblas_cherk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const void *A, const blasint lda, const float beta, void *C, const blasint ldc)
cblas_cherk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const void *A, const blasint lda, const float beta, void *C, const blasint ldc)
cblas_cherk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const void *A, const blasint lda, const float beta, void *C, const blasint ldc)
cblas_chpmv(int, int, int, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_chpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_chpr(int, int, int, float, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_chpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A)
cblas_chpr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A)
cblas_chpr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A)
cblas_chpr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const void *X, const blasint incX, void *A)
cblas_chpr2(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_chpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_chpr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_chpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_chpr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_chpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_chpr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_chpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_cimatcopy(int, int, int, int, MemorySegment, MemorySegment, int, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const blasint cldb)
cblas_cimatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const blasint cldb)
cblas_cimatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const blasint cldb)
cblas_cimatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, float *a, const blasint clda, const blasint cldb)
cblas_comatcopy(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_comatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_comatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_comatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_comatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_comatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_comatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_comatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float *calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_crotg(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_crotg(void *a, void *b, float *c, void *s)
cblas_crotg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_crotg(void *a, void *b, float *c, void *s)
cblas_crotg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_crotg(void *a, void *b, float *c, void *s)
cblas_crotg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_crotg(void *a, void *b, float *c, void *s)
cblas_cscal(int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_cscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_cscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_cscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_csrot(int, MemorySegment, int, MemorySegment, int, float, float) - Static method in class smile.linalg.blas.cblas_h
void cblas_csrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const float c, const float s)
cblas_csrot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_csrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const float c, const float s)
cblas_csrot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_csrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const float c, const float s)
cblas_csrot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_csrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const float c, const float s)
cblas_csscal(int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_csscal(const blasint N, const float alpha, void *X, const blasint incX)
cblas_csscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_csscal(const blasint N, const float alpha, void *X, const blasint incX)
cblas_csscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_csscal(const blasint N, const float alpha, void *X, const blasint incX)
cblas_csscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_csscal(const blasint N, const float alpha, void *X, const blasint incX)
cblas_cswap(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_cswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_cswap$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_cswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_cswap$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_cswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_cswap$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_cswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_csymm(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_csymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csymm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_csymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csymm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_csymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csymm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_csymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csyr2k(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_csyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csyr2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_csyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csyr2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_csyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csyr2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_csyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_csyrk(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_csyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_csyrk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_csyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_csyrk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_csyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_csyrk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_csyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_ctbmv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbsv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctbsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctpmv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpsv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctpsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ctrmm(int, int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrmm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrmm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrmm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrmv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrsm(int, int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrsm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrsm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrsm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ctrsv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ctrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ctrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ctrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ctrsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ctrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_dasum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dasum(const blasint n, const double *x, const blasint incx)
cblas_dasum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dasum(const blasint n, const double *x, const blasint incx)
cblas_dasum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dasum(const blasint n, const double *x, const blasint incx)
cblas_dasum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dasum(const blasint n, const double *x, const blasint incx)
cblas_daxpby(int, double, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_daxpby(const blasint n, const double alpha, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_daxpby$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_daxpby(const blasint n, const double alpha, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_daxpby$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_daxpby(const blasint n, const double alpha, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_daxpby$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_daxpby(const blasint n, const double alpha, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_daxpy(int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_daxpy(const blasint n, const double alpha, const double *x, const blasint incx, double *y, const blasint incy)
cblas_daxpy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_daxpy(const blasint n, const double alpha, const double *x, const blasint incx, double *y, const blasint incy)
cblas_daxpy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_daxpy(const blasint n, const double alpha, const double *x, const blasint incx, double *y, const blasint incy)
cblas_daxpy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_daxpy(const blasint n, const double alpha, const double *x, const blasint incx, double *y, const blasint incy)
cblas_dbf16tod(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dbf16tod(const blasint n, const bfloat16 *in, const blasint incin, double *out, const blasint incout)
cblas_dbf16tod$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dbf16tod(const blasint n, const bfloat16 *in, const blasint incin, double *out, const blasint incout)
cblas_dbf16tod$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dbf16tod(const blasint n, const bfloat16 *in, const blasint incin, double *out, const blasint incout)
cblas_dbf16tod$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dbf16tod(const blasint n, const bfloat16 *in, const blasint incin, double *out, const blasint incout)
cblas_dcopy(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dcopy(const blasint n, const double *x, const blasint incx, double *y, const blasint incy)
cblas_dcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dcopy(const blasint n, const double *x, const blasint incx, double *y, const blasint incy)
cblas_dcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dcopy(const blasint n, const double *x, const blasint incx, double *y, const blasint incy)
cblas_dcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dcopy(const blasint n, const double *x, const blasint incx, double *y, const blasint incy)
cblas_ddot(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_ddot(const blasint n, const double *x, const blasint incx, const double *y, const blasint incy)
cblas_ddot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_ddot(const blasint n, const double *x, const blasint incx, const double *y, const blasint incy)
cblas_ddot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_ddot(const blasint n, const double *x, const blasint incx, const double *y, const blasint incy)
cblas_ddot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_ddot(const blasint n, const double *x, const blasint incx, const double *y, const blasint incy)
cblas_dgbmv(int, int, int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dgbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dgbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dgbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dgeadd(int, int, int, double, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const double cbeta, double *c, const blasint cldc)
cblas_dgeadd$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const double cbeta, double *c, const blasint cldc)
cblas_dgeadd$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const double cbeta, double *c, const blasint cldc)
cblas_dgeadd$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const double cbeta, double *c, const blasint cldc)
cblas_dgemm(int, int, int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dgemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dgemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dgemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dgemv(int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const double alpha, const double *a, const blasint lda, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_dgemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const double alpha, const double *a, const blasint lda, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_dgemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const double alpha, const double *a, const blasint lda, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_dgemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const double alpha, const double *a, const blasint lda, const double *x, const blasint incx, const double beta, double *y, const blasint incy)
cblas_dger(int, int, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dger$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dger$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dger$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dimatcopy(int, int, int, int, double, MemorySegment, int, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const blasint cldb)
cblas_dimatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const blasint cldb)
cblas_dimatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const blasint cldb)
cblas_dimatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, double *a, const blasint clda, const blasint cldb)
cblas_dnrm2(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dnrm2(const blasint N, const double *X, const blasint incX)
cblas_dnrm2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dnrm2(const blasint N, const double *X, const blasint incX)
cblas_dnrm2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dnrm2(const blasint N, const double *X, const blasint incX)
cblas_dnrm2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dnrm2(const blasint N, const double *X, const blasint incX)
cblas_domatcopy(int, int, int, int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_domatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_domatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_domatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_domatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_domatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_domatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_domatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_drot(int, MemorySegment, int, MemorySegment, int, double, double) - Static method in class smile.linalg.blas.cblas_h
void cblas_drot(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double c, const double s)
cblas_drot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_drot(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double c, const double s)
cblas_drot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_drot(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double c, const double s)
cblas_drot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_drot(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double c, const double s)
cblas_drotg(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_drotg(double *a, double *b, double *c, double *s)
cblas_drotg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_drotg(double *a, double *b, double *c, double *s)
cblas_drotg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_drotg(double *a, double *b, double *c, double *s)
cblas_drotg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_drotg(double *a, double *b, double *c, double *s)
cblas_drotm(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_drotm(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double *P)
cblas_drotm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_drotm(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double *P)
cblas_drotm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_drotm(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double *P)
cblas_drotm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_drotm(const blasint N, double *X, const blasint incX, double *Y, const blasint incY, const double *P)
cblas_drotmg(MemorySegment, MemorySegment, MemorySegment, double, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_drotmg(double *d1, double *d2, double *b1, const double b2, double *P)
cblas_drotmg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_drotmg(double *d1, double *d2, double *b1, const double b2, double *P)
cblas_drotmg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_drotmg(double *d1, double *d2, double *b1, const double b2, double *P)
cblas_drotmg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_drotmg(double *d1, double *d2, double *b1, const double b2, double *P)
cblas_dsbmv(int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dscal(int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dscal(const blasint N, const double alpha, double *X, const blasint incX)
cblas_dscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dscal(const blasint N, const double alpha, double *X, const blasint incX)
cblas_dscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dscal(const blasint N, const double alpha, double *X, const blasint incX)
cblas_dscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dscal(const blasint N, const double alpha, double *X, const blasint incX)
cblas_dsdot(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dsdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_dsdot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dsdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_dsdot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dsdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_dsdot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dsdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_dspmv(int, int, int, double, MemorySegment, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *Ap, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dspmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *Ap, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dspmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *Ap, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dspmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *Ap, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dspr(int, int, int, double, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_dspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *Ap)
cblas_dspr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *Ap)
cblas_dspr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *Ap)
cblas_dspr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *Ap)
cblas_dspr2(int, int, int, double, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_dspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A)
cblas_dspr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A)
cblas_dspr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A)
cblas_dspr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A)
cblas_dsum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dsum(const blasint n, const double *x, const blasint incx)
cblas_dsum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dsum(const blasint n, const double *x, const blasint incx)
cblas_dsum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dsum(const blasint n, const double *x, const blasint incx)
cblas_dsum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dsum(const blasint n, const double *x, const blasint incx)
cblas_dswap(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dswap(const blasint n, double *x, const blasint incx, double *y, const blasint incy)
cblas_dswap$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dswap(const blasint n, double *x, const blasint incx, double *y, const blasint incy)
cblas_dswap$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dswap(const blasint n, double *x, const blasint incx, double *y, const blasint incy)
cblas_dswap$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dswap(const blasint n, double *x, const blasint incx, double *y, const blasint incy)
cblas_dsymm(int, int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsymm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsymm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsymm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsymv(int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsymv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsymv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsymv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *A, const blasint lda, const double *X, const blasint incX, const double beta, double *Y, const blasint incY)
cblas_dsyr(int, int, int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *A, const blasint lda)
cblas_dsyr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *A, const blasint lda)
cblas_dsyr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *A, const blasint lda)
cblas_dsyr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, double *A, const blasint lda)
cblas_dsyr2(int, int, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dsyr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dsyr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dsyr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const double *X, const blasint incX, const double *Y, const blasint incY, double *A, const blasint lda)
cblas_dsyr2k(int, int, int, int, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsyr2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsyr2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsyr2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double *B, const blasint ldb, const double beta, double *C, const blasint ldc)
cblas_dsyrk(int, int, int, int, int, double, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double beta, double *C, const blasint ldc)
cblas_dsyrk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double beta, double *C, const blasint ldc)
cblas_dsyrk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double beta, double *C, const blasint ldc)
cblas_dsyrk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const double *A, const blasint lda, const double beta, double *C, const blasint ldc)
cblas_dtbmv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbsv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtbsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtpmv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpsv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtpsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *Ap, double *X, const blasint incX)
cblas_dtrmm(int, int, int, int, int, int, int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrmm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrmm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrmm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrmv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrsm(int, int, int, int, int, int, int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrsm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrsm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrsm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const double alpha, const double *A, const blasint lda, double *B, const blasint ldb)
cblas_dtrsv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_dtrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_dtrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_dtrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dtrsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_dtrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const double *A, const blasint lda, double *X, const blasint incX)
cblas_dzasum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dzasum(const blasint n, const void *x, const blasint incx)
cblas_dzasum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dzasum(const blasint n, const void *x, const blasint incx)
cblas_dzasum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dzasum(const blasint n, const void *x, const blasint incx)
cblas_dzasum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dzasum(const blasint n, const void *x, const blasint incx)
cblas_dznrm2(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dznrm2(const blasint N, const void *X, const blasint incX)
cblas_dznrm2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dznrm2(const blasint N, const void *X, const blasint incX)
cblas_dznrm2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dznrm2(const blasint N, const void *X, const blasint incX)
cblas_dznrm2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dznrm2(const blasint N, const void *X, const blasint incX)
cblas_dzsum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
double cblas_dzsum(const blasint n, const void *x, const blasint incx)
cblas_dzsum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
double cblas_dzsum(const blasint n, const void *x, const blasint incx)
cblas_dzsum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
double cblas_dzsum(const blasint n, const void *x, const blasint incx)
cblas_dzsum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
double cblas_dzsum(const blasint n, const void *x, const blasint incx)
cblas_h - Class in smile.linalg.blas
 
cblas_h.cblas_xerbla - Class in smile.linalg.blas
Variadic invoker class for:
void cblas_xerbla(blasint p, char *rout, char *form, ...)
cblas_h.dprintf - Class in smile.linalg.blas
Variadic invoker class for:
extern int dprintf(int __fd, const char *restrict __fmt, ...)
cblas_h.fprintf - Class in smile.linalg.blas
Variadic invoker class for:
extern int fprintf(FILE *restrict __stream, const char *restrict __format, ...)
cblas_h.fscanf - Class in smile.linalg.blas
Variadic invoker class for:
extern int fscanf(FILE *restrict __stream, const char *restrict __format, ...)
cblas_h.printf - Class in smile.linalg.blas
Variadic invoker class for:
extern int printf(const char *restrict __format, ...)
cblas_h.scanf - Class in smile.linalg.blas
Variadic invoker class for:
extern int scanf(const char *restrict __format, ...)
cblas_h.snprintf - Class in smile.linalg.blas
Variadic invoker class for:
extern int snprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, ...)
cblas_h.sprintf - Class in smile.linalg.blas
Variadic invoker class for:
extern int sprintf(char *restrict __s, const char *restrict __format, ...)
cblas_h.sscanf - Class in smile.linalg.blas
Variadic invoker class for:
extern int sscanf(const char *restrict __s, const char *restrict __format, ...)
cblas_icamax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_icamax(const blasint n, const void *x, const blasint incx)
cblas_icamax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_icamax(const blasint n, const void *x, const blasint incx)
cblas_icamax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_icamax(const blasint n, const void *x, const blasint incx)
cblas_icamax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_icamax(const blasint n, const void *x, const blasint incx)
cblas_icamin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_icamin(const blasint n, const void *x, const blasint incx)
cblas_icamin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_icamin(const blasint n, const void *x, const blasint incx)
cblas_icamin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_icamin(const blasint n, const void *x, const blasint incx)
cblas_icamin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_icamin(const blasint n, const void *x, const blasint incx)
cblas_icmax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_icmax(const blasint n, const void *x, const blasint incx)
cblas_icmax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_icmax(const blasint n, const void *x, const blasint incx)
cblas_icmax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_icmax(const blasint n, const void *x, const blasint incx)
cblas_icmax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_icmax(const blasint n, const void *x, const blasint incx)
cblas_icmin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_icmin(const blasint n, const void *x, const blasint incx)
cblas_icmin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_icmin(const blasint n, const void *x, const blasint incx)
cblas_icmin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_icmin(const blasint n, const void *x, const blasint incx)
cblas_icmin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_icmin(const blasint n, const void *x, const blasint incx)
cblas_idamax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_idamax(const blasint n, const double *x, const blasint incx)
cblas_idamax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_idamax(const blasint n, const double *x, const blasint incx)
cblas_idamax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_idamax(const blasint n, const double *x, const blasint incx)
cblas_idamax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_idamax(const blasint n, const double *x, const blasint incx)
cblas_idamin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_idamin(const blasint n, const double *x, const blasint incx)
cblas_idamin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_idamin(const blasint n, const double *x, const blasint incx)
cblas_idamin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_idamin(const blasint n, const double *x, const blasint incx)
cblas_idamin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_idamin(const blasint n, const double *x, const blasint incx)
cblas_idmax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_idmax(const blasint n, const double *x, const blasint incx)
cblas_idmax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_idmax(const blasint n, const double *x, const blasint incx)
cblas_idmax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_idmax(const blasint n, const double *x, const blasint incx)
cblas_idmax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_idmax(const blasint n, const double *x, const blasint incx)
cblas_idmin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_idmin(const blasint n, const double *x, const blasint incx)
cblas_idmin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_idmin(const blasint n, const double *x, const blasint incx)
cblas_idmin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_idmin(const blasint n, const double *x, const blasint incx)
cblas_idmin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_idmin(const blasint n, const double *x, const blasint incx)
cblas_isamax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_isamax(const blasint n, const float *x, const blasint incx)
cblas_isamax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_isamax(const blasint n, const float *x, const blasint incx)
cblas_isamax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_isamax(const blasint n, const float *x, const blasint incx)
cblas_isamax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_isamax(const blasint n, const float *x, const blasint incx)
cblas_isamin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_isamin(const blasint n, const float *x, const blasint incx)
cblas_isamin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_isamin(const blasint n, const float *x, const blasint incx)
cblas_isamin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_isamin(const blasint n, const float *x, const blasint incx)
cblas_isamin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_isamin(const blasint n, const float *x, const blasint incx)
cblas_ismax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_ismax(const blasint n, const float *x, const blasint incx)
cblas_ismax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_ismax(const blasint n, const float *x, const blasint incx)
cblas_ismax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_ismax(const blasint n, const float *x, const blasint incx)
cblas_ismax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_ismax(const blasint n, const float *x, const blasint incx)
cblas_ismin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_ismin(const blasint n, const float *x, const blasint incx)
cblas_ismin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_ismin(const blasint n, const float *x, const blasint incx)
cblas_ismin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_ismin(const blasint n, const float *x, const blasint incx)
cblas_ismin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_ismin(const blasint n, const float *x, const blasint incx)
cblas_izamax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_izamax(const blasint n, const void *x, const blasint incx)
cblas_izamax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_izamax(const blasint n, const void *x, const blasint incx)
cblas_izamax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_izamax(const blasint n, const void *x, const blasint incx)
cblas_izamax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_izamax(const blasint n, const void *x, const blasint incx)
cblas_izamin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_izamin(const blasint n, const void *x, const blasint incx)
cblas_izamin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_izamin(const blasint n, const void *x, const blasint incx)
cblas_izamin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_izamin(const blasint n, const void *x, const blasint incx)
cblas_izamin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_izamin(const blasint n, const void *x, const blasint incx)
cblas_izmax(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_izmax(const blasint n, const void *x, const blasint incx)
cblas_izmax$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_izmax(const blasint n, const void *x, const blasint incx)
cblas_izmax$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_izmax(const blasint n, const void *x, const blasint incx)
cblas_izmax$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_izmax(const blasint n, const void *x, const blasint incx)
cblas_izmin(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
size_t cblas_izmin(const blasint n, const void *x, const blasint incx)
cblas_izmin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
size_t cblas_izmin(const blasint n, const void *x, const blasint incx)
cblas_izmin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
size_t cblas_izmin(const blasint n, const void *x, const blasint incx)
cblas_izmin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
size_t cblas_izmin(const blasint n, const void *x, const blasint incx)
cblas_sasum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_sasum(const blasint n, const float *x, const blasint incx)
cblas_sasum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_sasum(const blasint n, const float *x, const blasint incx)
cblas_sasum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_sasum(const blasint n, const float *x, const blasint incx)
cblas_sasum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_sasum(const blasint n, const float *x, const blasint incx)
cblas_saxpby(int, float, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_saxpby(const blasint n, const float alpha, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_saxpby$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_saxpby(const blasint n, const float alpha, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_saxpby$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_saxpby(const blasint n, const float alpha, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_saxpby$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_saxpby(const blasint n, const float alpha, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_saxpy(int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_saxpy(const blasint n, const float alpha, const float *x, const blasint incx, float *y, const blasint incy)
cblas_saxpy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_saxpy(const blasint n, const float alpha, const float *x, const blasint incx, float *y, const blasint incy)
cblas_saxpy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_saxpy(const blasint n, const float alpha, const float *x, const blasint incx, float *y, const blasint incy)
cblas_saxpy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_saxpy(const blasint n, const float alpha, const float *x, const blasint incx, float *y, const blasint incy)
cblas_sbdot(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_sbdot(const blasint n, const bfloat16 *x, const blasint incx, const bfloat16 *y, const blasint incy)
cblas_sbdot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_sbdot(const blasint n, const bfloat16 *x, const blasint incx, const bfloat16 *y, const blasint incy)
cblas_sbdot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_sbdot(const blasint n, const bfloat16 *x, const blasint incx, const bfloat16 *y, const blasint incy)
cblas_sbdot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_sbdot(const blasint n, const bfloat16 *x, const blasint incx, const bfloat16 *y, const blasint incy)
cblas_sbdtobf16(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sbdtobf16(const blasint n, const double *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbdtobf16$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sbdtobf16(const blasint n, const double *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbdtobf16$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sbdtobf16(const blasint n, const double *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbdtobf16$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sbdtobf16(const blasint n, const double *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbf16tos(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sbf16tos(const blasint n, const bfloat16 *in, const blasint incin, float *out, const blasint incout)
cblas_sbf16tos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sbf16tos(const blasint n, const bfloat16 *in, const blasint incin, float *out, const blasint incout)
cblas_sbf16tos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sbf16tos(const blasint n, const bfloat16 *in, const blasint incin, float *out, const blasint incout)
cblas_sbf16tos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sbf16tos(const blasint n, const bfloat16 *in, const blasint incin, float *out, const blasint incout)
cblas_sbgemm(int, int, int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sbgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const bfloat16 *A, const blasint lda, const bfloat16 *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sbgemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sbgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const bfloat16 *A, const blasint lda, const bfloat16 *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sbgemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sbgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const bfloat16 *A, const blasint lda, const bfloat16 *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sbgemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sbgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const bfloat16 *A, const blasint lda, const bfloat16 *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sbgemv(int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sbgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const bfloat16 *a, const blasint lda, const bfloat16 *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sbgemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sbgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const bfloat16 *a, const blasint lda, const bfloat16 *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sbgemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sbgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const bfloat16 *a, const blasint lda, const bfloat16 *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sbgemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sbgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const bfloat16 *a, const blasint lda, const bfloat16 *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sbstobf16(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sbstobf16(const blasint n, const float *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbstobf16$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sbstobf16(const blasint n, const float *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbstobf16$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sbstobf16(const blasint n, const float *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_sbstobf16$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sbstobf16(const blasint n, const float *in, const blasint incin, bfloat16 *out, const blasint incout)
cblas_scasum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_scasum(const blasint n, const void *x, const blasint incx)
cblas_scasum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_scasum(const blasint n, const void *x, const blasint incx)
cblas_scasum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_scasum(const blasint n, const void *x, const blasint incx)
cblas_scasum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_scasum(const blasint n, const void *x, const blasint incx)
cblas_scnrm2(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_scnrm2(const blasint N, const void *X, const blasint incX)
cblas_scnrm2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_scnrm2(const blasint N, const void *X, const blasint incX)
cblas_scnrm2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_scnrm2(const blasint N, const void *X, const blasint incX)
cblas_scnrm2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_scnrm2(const blasint N, const void *X, const blasint incX)
cblas_scopy(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_scopy(const blasint n, const float *x, const blasint incx, float *y, const blasint incy)
cblas_scopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_scopy(const blasint n, const float *x, const blasint incx, float *y, const blasint incy)
cblas_scopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_scopy(const blasint n, const float *x, const blasint incx, float *y, const blasint incy)
cblas_scopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_scopy(const blasint n, const float *x, const blasint incx, float *y, const blasint incy)
cblas_scsum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_scsum(const blasint n, const void *x, const blasint incx)
cblas_scsum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_scsum(const blasint n, const void *x, const blasint incx)
cblas_scsum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_scsum(const blasint n, const void *x, const blasint incx)
cblas_scsum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_scsum(const blasint n, const void *x, const blasint incx)
cblas_sdot(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_sdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_sdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_sdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_sdot(const blasint n, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdsdot(int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_sdsdot(const blasint n, const float alpha, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdsdot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_sdsdot(const blasint n, const float alpha, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdsdot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_sdsdot(const blasint n, const float alpha, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sdsdot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_sdsdot(const blasint n, const float alpha, const float *x, const blasint incx, const float *y, const blasint incy)
cblas_sgbmv(int, int, int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sgbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sgbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sgbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sgeadd(int, int, int, float, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const float cbeta, float *c, const blasint cldc)
cblas_sgeadd$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const float cbeta, float *c, const blasint cldc)
cblas_sgeadd$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const float cbeta, float *c, const blasint cldc)
cblas_sgeadd$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const float cbeta, float *c, const blasint cldc)
cblas_sgemm(int, int, int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sgemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sgemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sgemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_sgemv(int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const float *a, const blasint lda, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sgemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const float *a, const blasint lda, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sgemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const float *a, const blasint lda, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sgemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const float alpha, const float *a, const blasint lda, const float *x, const blasint incx, const float beta, float *y, const blasint incy)
cblas_sger(int, int, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_sger$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_sger$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_sger$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sger(const enum CBLAS_ORDER order, const blasint M, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_simatcopy(int, int, int, int, float, MemorySegment, int, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_simatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const blasint cldb)
cblas_simatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_simatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const blasint cldb)
cblas_simatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_simatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const blasint cldb)
cblas_simatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_simatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, float *a, const blasint clda, const blasint cldb)
cblas_snrm2(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_snrm2(const blasint N, const float *X, const blasint incX)
cblas_snrm2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_snrm2(const blasint N, const float *X, const blasint incX)
cblas_snrm2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_snrm2(const blasint N, const float *X, const blasint incX)
cblas_snrm2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_snrm2(const blasint N, const float *X, const blasint incX)
cblas_somatcopy(int, int, int, int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_somatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_somatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_somatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_somatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_somatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_somatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_somatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const float calpha, const float *a, const blasint clda, float *b, const blasint cldb)
cblas_srot(int, MemorySegment, int, MemorySegment, int, float, float) - Static method in class smile.linalg.blas.cblas_h
void cblas_srot(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float c, const float s)
cblas_srot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_srot(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float c, const float s)
cblas_srot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_srot(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float c, const float s)
cblas_srot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_srot(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float c, const float s)
cblas_srotg(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_srotg(float *a, float *b, float *c, float *s)
cblas_srotg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_srotg(float *a, float *b, float *c, float *s)
cblas_srotg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_srotg(float *a, float *b, float *c, float *s)
cblas_srotg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_srotg(float *a, float *b, float *c, float *s)
cblas_srotm(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_srotm(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float *P)
cblas_srotm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_srotm(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float *P)
cblas_srotm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_srotm(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float *P)
cblas_srotm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_srotm(const blasint N, float *X, const blasint incX, float *Y, const blasint incY, const float *P)
cblas_srotmg(MemorySegment, MemorySegment, MemorySegment, float, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_srotmg(float *d1, float *d2, float *b1, const float b2, float *P)
cblas_srotmg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_srotmg(float *d1, float *d2, float *b1, const float b2, float *P)
cblas_srotmg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_srotmg(float *d1, float *d2, float *b1, const float b2, float *P)
cblas_srotmg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_srotmg(float *d1, float *d2, float *b1, const float b2, float *P)
cblas_ssbmv(int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sscal(int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sscal(const blasint N, const float alpha, float *X, const blasint incX)
cblas_sscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sscal(const blasint N, const float alpha, float *X, const blasint incX)
cblas_sscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sscal(const blasint N, const float alpha, float *X, const blasint incX)
cblas_sscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sscal(const blasint N, const float alpha, float *X, const blasint incX)
cblas_sspmv(int, int, int, float, MemorySegment, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *Ap, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sspmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *Ap, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sspmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *Ap, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sspmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sspmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *Ap, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_sspr(int, int, int, float, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_sspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *Ap)
cblas_sspr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *Ap)
cblas_sspr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *Ap)
cblas_sspr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sspr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *Ap)
cblas_sspr2(int, int, int, float, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_sspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A)
cblas_sspr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A)
cblas_sspr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A)
cblas_sspr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A)
cblas_ssum(int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
float cblas_ssum(const blasint n, const float *x, const blasint incx)
cblas_ssum$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
float cblas_ssum(const blasint n, const float *x, const blasint incx)
cblas_ssum$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
float cblas_ssum(const blasint n, const float *x, const blasint incx)
cblas_ssum$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
float cblas_ssum(const blasint n, const float *x, const blasint incx)
cblas_sswap(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_sswap(const blasint n, float *x, const blasint incx, float *y, const blasint incy)
cblas_sswap$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_sswap(const blasint n, float *x, const blasint incx, float *y, const blasint incy)
cblas_sswap$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_sswap(const blasint n, float *x, const blasint incx, float *y, const blasint incy)
cblas_sswap$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_sswap(const blasint n, float *x, const blasint incx, float *y, const blasint incy)
cblas_ssymm(int, int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssymm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssymm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssymm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssymv(int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssymv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssymv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssymv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *A, const blasint lda, const float *X, const blasint incX, const float beta, float *Y, const blasint incY)
cblas_ssyr(int, int, int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *A, const blasint lda)
cblas_ssyr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *A, const blasint lda)
cblas_ssyr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *A, const blasint lda)
cblas_ssyr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssyr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, float *A, const blasint lda)
cblas_ssyr2(int, int, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_ssyr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_ssyr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_ssyr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssyr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const float alpha, const float *X, const blasint incX, const float *Y, const blasint incY, float *A, const blasint lda)
cblas_ssyr2k(int, int, int, int, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssyr2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssyr2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssyr2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float *B, const blasint ldb, const float beta, float *C, const blasint ldc)
cblas_ssyrk(int, int, int, int, int, float, MemorySegment, int, float, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ssyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float beta, float *C, const blasint ldc)
cblas_ssyrk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ssyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float beta, float *C, const blasint ldc)
cblas_ssyrk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ssyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float beta, float *C, const blasint ldc)
cblas_ssyrk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ssyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const float alpha, const float *A, const blasint lda, const float beta, float *C, const blasint ldc)
cblas_stbmv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_stbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_stbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_stbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_stbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbsv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_stbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_stbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_stbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stbsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_stbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const float *A, const blasint lda, float *X, const blasint incX)
cblas_stpmv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_stpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_stpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_stpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_stpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpsv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_stpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_stpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_stpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_stpsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_stpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *Ap, float *X, const blasint incX)
cblas_strmm(int, int, int, int, int, int, int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_strmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strmm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_strmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strmm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_strmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strmm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_strmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strmv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_strmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_strmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_strmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_strmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strsm(int, int, int, int, int, int, int, float, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_strsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strsm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_strsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strsm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_strsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strsm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_strsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const float alpha, const float *A, const blasint lda, float *B, const blasint ldb)
cblas_strsv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_strsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_strsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_strsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_strsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_strsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const float *A, const blasint lda, float *X, const blasint incX)
cblas_zaxpby(int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zaxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zaxpby$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zaxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zaxpby$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zaxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zaxpby$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zaxpby(const blasint n, const void *alpha, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zaxpy(int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zaxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zaxpy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zaxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zaxpy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zaxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zaxpy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zaxpy(const blasint n, const void *alpha, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zcopy(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zcopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zcopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zcopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zcopy(const blasint n, const void *x, const blasint incx, void *y, const blasint incy)
cblas_zdotc(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
openblas_complex_double cblas_zdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotc_sub(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_zdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotc_sub$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotc_sub$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotc_sub$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zdotc_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
openblas_complex_double cblas_zdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
openblas_complex_double cblas_zdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
openblas_complex_double cblas_zdotc(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotu(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
openblas_complex_double cblas_zdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotu_sub(int, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_zdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotu_sub$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotu_sub$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotu_sub$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zdotu_sub(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy, void *ret)
cblas_zdotu$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
openblas_complex_double cblas_zdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotu$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
openblas_complex_double cblas_zdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdotu$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
openblas_complex_double cblas_zdotu(const blasint n, const void *x, const blasint incx, const void *y, const blasint incy)
cblas_zdrot(int, MemorySegment, int, MemorySegment, int, double, double) - Static method in class smile.linalg.blas.cblas_h
void cblas_zdrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const double c, const double s)
cblas_zdrot$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zdrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const double c, const double s)
cblas_zdrot$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zdrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const double c, const double s)
cblas_zdrot$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zdrot(const blasint n, const void *x, const blasint incx, void *y, const blasint incY, const double c, const double s)
cblas_zdscal(int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zdscal(const blasint N, const double alpha, void *X, const blasint incX)
cblas_zdscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zdscal(const blasint N, const double alpha, void *X, const blasint incX)
cblas_zdscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zdscal(const blasint N, const double alpha, void *X, const blasint incX)
cblas_zdscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zdscal(const blasint N, const double alpha, void *X, const blasint incX)
cblas_zgbmv(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zgbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zgbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zgbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgbmv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE TransA, const blasint M, const blasint N, const blasint KL, const blasint KU, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zgeadd(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const double *cbeta, double *c, const blasint cldc)
cblas_zgeadd$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const double *cbeta, double *c, const blasint cldc)
cblas_zgeadd$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const double *cbeta, double *c, const blasint cldc)
cblas_zgeadd$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgeadd(const enum CBLAS_ORDER CORDER, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const double *cbeta, double *c, const blasint cldc)
cblas_zgemm(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm3m(int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm3m$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm3m$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemm3m$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgemm3m(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_TRANSPOSE TransB, const blasint M, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zgemv(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zgemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zgemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zgemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgemv(const enum CBLAS_ORDER order, const enum CBLAS_TRANSPOSE trans, const blasint m, const blasint n, const void *alpha, const void *a, const blasint lda, const void *x, const blasint incx, const void *beta, void *y, const blasint incy)
cblas_zgerc(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgerc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgerc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgerc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgerc(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgeru(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgeru$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgeru$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zgeru$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zgeru(const enum CBLAS_ORDER order, const blasint M, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zhbmv(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhemm(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zhemm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zhemm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zhemm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zhemv(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhemv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhemv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhemv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *A, const blasint lda, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zher(int, int, int, double, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_zher$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_zher$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_zher$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zher(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A, const blasint lda)
cblas_zher2(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zher2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zher2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zher2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zher2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *A, const blasint lda)
cblas_zher2k(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const double beta, void *C, const blasint ldc)
cblas_zher2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const double beta, void *C, const blasint ldc)
cblas_zher2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const double beta, void *C, const blasint ldc)
cblas_zher2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zher2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const double beta, void *C, const blasint ldc)
cblas_zherk(int, int, int, int, int, double, MemorySegment, int, double, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const void *A, const blasint lda, const double beta, void *C, const blasint ldc)
cblas_zherk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const void *A, const blasint lda, const double beta, void *C, const blasint ldc)
cblas_zherk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const void *A, const blasint lda, const double beta, void *C, const blasint ldc)
cblas_zherk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zherk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const double alpha, const void *A, const blasint lda, const double beta, void *C, const blasint ldc)
cblas_zhpmv(int, int, int, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *Ap, const void *X, const blasint incX, const void *beta, void *Y, const blasint incY)
cblas_zhpr(int, int, int, double, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A)
cblas_zhpr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A)
cblas_zhpr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A)
cblas_zhpr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhpr(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const double alpha, const void *X, const blasint incX, void *A)
cblas_zhpr2(int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_zhpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_zhpr2$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zhpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_zhpr2$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zhpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_zhpr2$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zhpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const blasint N, const void *alpha, const void *X, const blasint incX, const void *Y, const blasint incY, void *Ap)
cblas_zimatcopy(int, int, int, int, MemorySegment, MemorySegment, int, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const blasint cldb)
cblas_zimatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const blasint cldb)
cblas_zimatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const blasint cldb)
cblas_zimatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zimatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, double *a, const blasint clda, const blasint cldb)
cblas_zomatcopy(int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zomatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_zomatcopy$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zomatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_zomatcopy$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zomatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_zomatcopy$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zomatcopy(const enum CBLAS_ORDER CORDER, const enum CBLAS_TRANSPOSE CTRANS, const blasint crows, const blasint ccols, const double *calpha, const double *a, const blasint clda, double *b, const blasint cldb)
cblas_zrotg(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
void cblas_zrotg(void *a, void *b, double *c, void *s)
cblas_zrotg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zrotg(void *a, void *b, double *c, void *s)
cblas_zrotg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zrotg(void *a, void *b, double *c, void *s)
cblas_zrotg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zrotg(void *a, void *b, double *c, void *s)
cblas_zscal(int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_zscal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_zscal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_zscal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zscal(const blasint N, const void *alpha, void *X, const blasint incX)
cblas_zswap(int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_zswap$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_zswap$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_zswap$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zswap(const blasint n, void *x, const blasint incx, void *y, const blasint incy)
cblas_zsymm(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsymm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsymm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsymm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zsymm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsyr2k(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsyr2k$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsyr2k$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsyr2k$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zsyr2k(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *B, const blasint ldb, const void *beta, void *C, const blasint ldc)
cblas_zsyrk(int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_zsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_zsyrk$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_zsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_zsyrk$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_zsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_zsyrk$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_zsyrk(const enum CBLAS_ORDER Order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE Trans, const blasint N, const blasint K, const void *alpha, const void *A, const blasint lda, const void *beta, void *C, const blasint ldc)
cblas_ztbmv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbsv(int, int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztbsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztbsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const blasint K, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztpmv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpsv(int, int, int, int, int, MemorySegment, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztpsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *Ap, void *X, const blasint incX)
cblas_ztrmm(int, int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrmm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrmm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrmm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztrmm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrmv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrmv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrmv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrmv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrsm(int, int, int, int, int, int, int, MemorySegment, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrsm$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrsm$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrsm$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint M, const blasint N, const void *alpha, const void *A, const blasint lda, void *B, const blasint ldb)
cblas_ztrsv(int, int, int, int, int, MemorySegment, int, MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
void cblas_ztrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrsv$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void cblas_ztrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrsv$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void cblas_ztrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
cblas_ztrsv$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void cblas_ztrsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag, const blasint N, const void *A, const blasint lda, void *X, const blasint incX)
CblasColMajor() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_ORDER.CblasColMajor = 102
CblasConjNoTrans() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_TRANSPOSE.CblasConjNoTrans = 114
CblasConjTrans() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_TRANSPOSE.CblasConjTrans = 113
CblasLeft() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_SIDE.CblasLeft = 141
CblasLower() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_UPLO.CblasLower = 122
CblasNonUnit() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_DIAG.CblasNonUnit = 131
CblasNoTrans() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_TRANSPOSE.CblasNoTrans = 111
CblasRight() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_SIDE.CblasRight = 142
CblasRowMajor() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_ORDER.CblasRowMajor = 101
CblasTrans() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_TRANSPOSE.CblasTrans = 112
CblasUnit() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_DIAG.CblasUnit = 132
CblasUpper() - Static method in class smile.linalg.blas.cblas_h
enum CBLAS_UPLO.CblasUpper = 121
cbrt(String) - Static method in interface smile.data.formula.Terms
The cbrt(x) term.
cbrt(Term) - Static method in interface smile.data.formula.Terms
The cbrt(x) term.
CC - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Coordinating conjunction.
ccos(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double ccos(_Complex double __z)
ccos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double ccos(_Complex double __z)
ccos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double ccos(_Complex double __z)
ccos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double ccos(_Complex double __z)
ccosf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float ccosf(_Complex float __z)
ccosf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float ccosf(_Complex float __z)
ccosf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float ccosf(_Complex float __z)
ccosf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float ccosf(_Complex float __z)
ccosh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double ccosh(_Complex double __z)
ccosh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double ccosh(_Complex double __z)
ccosh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double ccosh(_Complex double __z)
ccosh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double ccosh(_Complex double __z)
ccoshf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float ccoshf(_Complex float __z)
ccoshf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float ccoshf(_Complex float __z)
ccoshf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float ccoshf(_Complex float __z)
ccoshf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float ccoshf(_Complex float __z)
CD - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Cardinal number.
cdf(double) - Method in class smile.stat.distribution.BernoulliDistribution
 
cdf(double) - Method in class smile.stat.distribution.BetaDistribution
 
cdf(double) - Method in class smile.stat.distribution.BinomialDistribution
 
cdf(double) - Method in class smile.stat.distribution.ChiSquareDistribution
 
cdf(double) - Method in class smile.stat.distribution.DiscreteMixture
 
cdf(double) - Method in interface smile.stat.distribution.Distribution
Cumulative distribution function.
cdf(double) - Method in class smile.stat.distribution.EmpiricalDistribution
 
cdf(double) - Method in class smile.stat.distribution.ExponentialDistribution
 
cdf(double) - Method in class smile.stat.distribution.FDistribution
 
cdf(double) - Method in class smile.stat.distribution.GammaDistribution
 
cdf(double) - Method in class smile.stat.distribution.GaussianDistribution
 
cdf(double) - Method in class smile.stat.distribution.GeometricDistribution
 
cdf(double) - Method in class smile.stat.distribution.HyperGeometricDistribution
 
cdf(double) - Method in class smile.stat.distribution.KernelDensity
Cumulative distribution function.
cdf(double) - Method in class smile.stat.distribution.LogisticDistribution
 
cdf(double) - Method in class smile.stat.distribution.LogNormalDistribution
 
cdf(double) - Method in class smile.stat.distribution.Mixture
 
cdf(double) - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
cdf(double) - Method in class smile.stat.distribution.PoissonDistribution
 
cdf(double) - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
cdf(double) - Method in class smile.stat.distribution.TDistribution
 
cdf(double) - Method in class smile.stat.distribution.WeibullDistribution
 
cdf(double[]) - Method in interface smile.stat.distribution.MultivariateDistribution
Cumulative distribution function.
cdf(double[]) - Method in class smile.stat.distribution.MultivariateGaussianDistribution
Algorithm from Alan Genz (1992) Numerical Computation of Multivariate Normal Probabilities, Journal of Computational and Graphical Statistics, pp.
cdf(double[]) - Method in class smile.stat.distribution.MultivariateMixture
 
cdf2tailed(double) - Method in class smile.stat.distribution.TDistribution
Two-tailed cdf.
ceil(String) - Static method in interface smile.data.formula.Terms
The ceil(x) term.
ceil(Term) - Static method in interface smile.data.formula.Terms
The ceil(x) term.
center() - Method in class smile.feature.extraction.PCA
Returns the center of data.
center() - Method in class smile.feature.extraction.ProbabilisticPCA
Returns the center of data.
center(boolean) - Method in class smile.plot.vega.Concat
 
center(boolean) - Method in class smile.plot.vega.Facet
 
center(boolean) - Method in class smile.plot.vega.FacetField
Sets if facet's subviews should be centered relative to their respective rows or columns.
center(boolean) - Method in class smile.plot.vega.Repeat
 
center(boolean) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets if subviews should be centered relative to their respective rows or columns.
center(double, double) - Method in class smile.plot.vega.Projection
Sets the projection's center, a two-element array of longitude and latitude in degrees.
center(int) - Method in record class smile.clustering.CentroidClustering
Returns the center of i-th cluster.
center(int, int) - Method in class smile.plot.vega.Concat
 
center(int, int) - Method in class smile.plot.vega.Facet
 
center(int, int) - Method in class smile.plot.vega.Repeat
 
center(int, int) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets if subviews should be centered relative to their respective rows or columns.
centers() - Method in record class smile.clustering.CentroidClustering
Returns the value of the centers record component.
CentroidClustering<T,U> - Record Class in smile.clustering
Centroid-based clustering that uses the center of each cluster to group similar data points into clusters.
CentroidClustering(String, T[], ToDoubleBiFunction, int[], double[]) - Constructor for record class smile.clustering.CentroidClustering
Constructor.
CentroidClustering(String, T[], ToDoubleBiFunction, int[], double[], int[], double[]) - Constructor for record class smile.clustering.CentroidClustering
Creates an instance of a CentroidClustering record class.
centroids() - Method in class smile.vq.BIRCH
Returns the cluster centroids of leaf nodes.
cexp(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double cexp(_Complex double __z)
cexp$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double cexp(_Complex double __z)
cexp$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double cexp(_Complex double __z)
cexp$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double cexp(_Complex double __z)
cexpf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float cexpf(_Complex float __z)
cexpf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float cexpf(_Complex float __z)
cexpf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float cexpf(_Complex float __z)
cexpf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float cexpf(_Complex float __z)
cgbbrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__pt, __CLPK_integer *__ldpt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbbrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__pt, __CLPK_integer *__ldpt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbbrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__pt, __CLPK_integer *__ldpt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbbrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__pt, __CLPK_integer *__ldpt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgebak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cgebak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cgebak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cgebak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cgebal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgebal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
cgebal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgebal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
cgebal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgebal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
cgebal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgebal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
cgebd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__info)
cgebd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__info)
cgebd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__info)
cgebd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__info)
cgebrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgebrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgebrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgebrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgecon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgecon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgecon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgecon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgecon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgecon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgecon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgecon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgeequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
cgees_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgees_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgees_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgees_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgeesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgeesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgeesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgeesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_complex *__w, __CLPK_complex *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgeev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgegv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgehd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgehd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgehd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgehd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgehrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgehrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgehrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgehrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgelq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgelq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgelq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgelq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgelqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgelqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgelqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgelqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgels_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgels_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgels_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgels_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgelsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgelsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgelsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgelsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgelss_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelss_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelss_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelss_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgelsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeql2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeql2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeql2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeql2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeqlf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqlf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqlf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqlf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqp3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqp3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqp3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqp3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqpf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqpf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqpf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqpf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgeqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgeqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgeqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgerfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgerfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgerfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgerfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgerq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgerq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgerq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgerq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgerqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgerqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgerqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgerqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgesc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgesc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
cgesc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgesc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
cgesc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgesc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
cgesc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgesc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
cgesdd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgesdd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgesdd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgesdd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgesv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgesvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__vt, __CLPK_integer *__ldvt, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgetc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgetc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
cgetc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgetc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
cgetc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgetc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
cgetc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgetc2_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
cgetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgetri_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgetri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgetri_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgetri_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgetri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgetri_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgetrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cggbak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cggbak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cggbak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cggbak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
cggbal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggbal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
cggbal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggbal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
cggbal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggbal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
cggbal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggbal_(char *__job, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
cgges_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgges_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgges_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cgges_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vsl, __CLPK_integer *__ldvsl, __CLPK_complex *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cggev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cggev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cggev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cggevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
cggglm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggglm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggglm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggglm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgghrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
cgghrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
cgghrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
cgghrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
cgglse_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgglse_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgglse_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cgglse_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_complex *__d__, __CLPK_complex *__x, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggrqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__taua, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__taub, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cggsvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cggsvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cggsvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cggsvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
cggsvp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__rwork, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cggsvp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__rwork, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cggsvp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__rwork, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cggsvp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__rwork, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cgtcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cgtcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cgtcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cgtcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cgtrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgtsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgtsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgtsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgtsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgtsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__dlf, __CLPK_complex *__df, __CLPK_complex *__duf, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cgttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgttrf_(__CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgttrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgttrf_(__CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgttrf_(__CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgttrf_(__CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
cgttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgttrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cgtts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb)
cgtts2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb)
cgtts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb)
cgtts2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__du2, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb)
change(int) - Method in class smile.util.PriorityQueue
The priority of item k has changed.
Char - Enum constant in enum class smile.data.type.DataType.ID
Char type ID.
CharArrayType - Static variable in interface smile.data.type.DataTypes
Char Array data type.
charset(Charset) - Method in class smile.io.CSV
Sets the charset.
charset(Charset) - Method in class smile.io.JSON
Sets the charset.
CHARTREUSE - Static variable in class smile.plot.swing.Palette
The color chartreuse with an RGB value of #7FFF00
CharType - Class in smile.data.type
Char data type.
CharType - Static variable in interface smile.data.type.DataTypes
Char data type.
CharVector - Class in smile.data.vector
A char vector.
CharVector(String, char[]) - Constructor for class smile.data.vector.CharVector
Constructor.
CharVector(StructField, char[]) - Constructor for class smile.data.vector.CharVector
Constructor.
chat(Message[][], int, double, double, boolean, Long, SubmissionPublisher) - Method in class smile.llm.llama.Llama
Generates assistant responses for a list of conversational dialogs.
chbev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chbgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbgvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chbgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbgvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__bb, __CLPK_integer *__ldbb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chbtrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
chbtrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
chbtrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
chbtrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
ChebyshevDistance - Class in smile.math.distance
Chebyshev distance (or Tchebychev distance), or L metric is a metric defined on a vector space where the distance between two vectors is the greatest of their differences along any coordinate dimension.
ChebyshevDistance() - Constructor for class smile.math.distance.ChebyshevDistance
Constructor.
checon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int checon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
checon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int checon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
checon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int checon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
checon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int checon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cheequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
cheequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
cheequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
cheequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
cheev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cheev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cheev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cheev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
cheevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cheevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cheevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cheevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cheevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chegs2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegs2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegs2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegs2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chegv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chegv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chegvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chegvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chegvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chegvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chegvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chegvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chegvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chegvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cherfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cherfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cherfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cherfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chesv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chesv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chesvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chetd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chetd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chetd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chetd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chetf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chetrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chetri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chetri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chetrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chfrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_complex *__c__)
chfrk_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_complex *__c__)
chfrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_complex *__c__)
chfrk_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_complex *__c__)
chgeqz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chgeqz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chgeqz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
chgeqz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
children() - Method in class smile.taxonomy.Concept
Gets all children concepts.
chisq() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns the value of the chisq record component.
ChiSqTest - Record Class in smile.stat.hypothesis
Pearson's chi-square test, also known as the chi-square goodness-of-fit test or chi-square test for independence.
ChiSqTest(String, double, double, double) - Constructor for record class smile.stat.hypothesis.ChiSqTest
Constructor.
ChiSqTest(String, double, double, double, double) - Constructor for record class smile.stat.hypothesis.ChiSqTest
Creates an instance of a ChiSqTest record class.
ChiSquareDistribution - Class in smile.stat.distribution
Chi-square (or chi-squared) distribution with k degrees of freedom is the distribution of a sum of the squares of k independent standard normal random variables.
ChiSquareDistribution(int) - Constructor for class smile.stat.distribution.ChiSquareDistribution
Constructor.
chla_transtype__(MemorySegment, int, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
void chla_transtype__(char *__ret_val, __CLPK_ftnlen __ret_val_len, __CLPK_integer *__trans)
chla_transtype__$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
void chla_transtype__(char *__ret_val, __CLPK_ftnlen __ret_val_len, __CLPK_integer *__trans)
chla_transtype__$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
void chla_transtype__(char *__ret_val, __CLPK_ftnlen __ret_val_len, __CLPK_integer *__trans)
chla_transtype__$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
void chla_transtype__(char *__ret_val, __CLPK_ftnlen __ret_val_len, __CLPK_integer *__trans)
CHOCOLATE - Static variable in class smile.plot.swing.Palette
The color chocolate with an RGB value of #D2691E
cholesky() - Method in class smile.tensor.DenseMatrix
Cholesky decomposition for symmetric and positive definite matrix.
Cholesky - Record Class in smile.tensor
The Cholesky decomposition of a symmetric, positive-definite matrix.
Cholesky(DenseMatrix) - Constructor for record class smile.tensor.Cholesky
Constructor.
choose(int, int) - Static method in class smile.math.MathEx
The n choose k.
chpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
chpcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
chpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
chpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
chpev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_integer *__info)
chpgst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_integer *__info)
chpgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_integer *__info)
chpgst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_integer *__info)
chpgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpgv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpgv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpgvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
chpgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpgvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chpgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
chprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chpsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chpsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chpsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chpsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chpsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
chptrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chptrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chptrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chptrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_integer *__info)
chptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chptrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
chptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
chptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
chptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
christofides() - Method in class smile.graph.Graph
Returns the approximate solution to TSP with Christofides algorithm.
Chromosome<T> - Interface in smile.gap
Artificial chromosomes in genetic algorithm/programming encoding candidate solutions to an optimization problem.
chsein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
chsein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
chsein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
chsein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
chseqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int chseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chseqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int chseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chseqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int chseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
chseqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int chseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cimag(double) - Static method in class smile.linalg.blas.cblas_h
extern double cimag(_Complex double __z)
cimag$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double cimag(_Complex double __z)
cimag$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double cimag(_Complex double __z)
cimag$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double cimag(_Complex double __z)
cimagf(float) - Static method in class smile.linalg.blas.cblas_h
extern float cimagf(_Complex float __z)
cimagf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float cimagf(_Complex float __z)
cimagf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float cimagf(_Complex float __z)
cimagf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float cimagf(_Complex float __z)
clabrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__y, __CLPK_integer *__ldy)
clabrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__y, __CLPK_integer *__ldy)
clabrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__y, __CLPK_integer *__ldy)
clabrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__tauq, __CLPK_complex *__taup, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_complex *__y, __CLPK_integer *__ldy)
clacgv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacgv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx)
clacgv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacgv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx)
clacgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacgv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx)
clacgv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacgv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx)
clacn2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacn2_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
clacn2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacn2_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
clacn2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacn2_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
clacn2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacn2_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
clacon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacon_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase)
clacon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacon_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase)
clacon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacon_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase)
clacon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacon_(__CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__x, __CLPK_real *__est, __CLPK_integer *__kase)
clacp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacp2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacp2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacpy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacpy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacpy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacpy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb)
clacrm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clacrm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clacrm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clacrm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clacrt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clacrt_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_complex *__c__, __CLPK_complex *__s)
clacrt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clacrt_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_complex *__c__, __CLPK_complex *__s)
clacrt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clacrt_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_complex *__c__, __CLPK_complex *__s)
clacrt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clacrt_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_complex *__c__, __CLPK_complex *__s)
cladiv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
void cladiv_(__CLPK_complex *__ret_val, __CLPK_complex *__x, __CLPK_complex *__y)
cladiv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
void cladiv_(__CLPK_complex *__ret_val, __CLPK_complex *__x, __CLPK_complex *__y)
cladiv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
void cladiv_(__CLPK_complex *__ret_val, __CLPK_complex *__x, __CLPK_complex *__y)
cladiv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
void cladiv_(__CLPK_complex *__ret_val, __CLPK_complex *__x, __CLPK_complex *__y)
claed0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_integer *__indxq, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed7_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_integer *__indxq, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_integer *__indxq, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed7_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_integer *__indxq, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
claed8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__d__, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_complex *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__info)
claed8_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__d__, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_complex *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__info)
claed8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__d__, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_complex *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__info)
claed8_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_real *__d__, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_complex *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__info)
claein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__v, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rwork, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_integer *__info)
claein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__v, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rwork, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_integer *__info)
claein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__v, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rwork, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_integer *__info)
claein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_complex *__v, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rwork, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_integer *__info)
claesy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claesy_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_complex *__rt1, __CLPK_complex *__rt2, __CLPK_complex *__evscal, __CLPK_complex *__cs1, __CLPK_complex *__sn1)
claesy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claesy_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_complex *__rt1, __CLPK_complex *__rt2, __CLPK_complex *__evscal, __CLPK_complex *__cs1, __CLPK_complex *__sn1)
claesy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claesy_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_complex *__rt1, __CLPK_complex *__rt2, __CLPK_complex *__evscal, __CLPK_complex *__cs1, __CLPK_complex *__sn1)
claesy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claesy_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_complex *__rt1, __CLPK_complex *__rt2, __CLPK_complex *__evscal, __CLPK_complex *__cs1, __CLPK_complex *__sn1)
claev2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claev2_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_complex *__sn1)
claev2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claev2_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_complex *__sn1)
claev2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claev2_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_complex *__sn1)
claev2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claev2_(__CLPK_complex *__a, __CLPK_complex *__b, __CLPK_complex *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_complex *__sn1)
clag2z_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clag2z_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clag2z_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clag2z_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clag2z_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clag2z_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clag2z_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clag2z_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clags2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_complex *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_complex *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_complex *__snu, __CLPK_real *__csv, __CLPK_complex *__snv, __CLPK_real *__csq, __CLPK_complex *__snq)
clags2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_complex *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_complex *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_complex *__snu, __CLPK_real *__csv, __CLPK_complex *__snv, __CLPK_real *__csq, __CLPK_complex *__snq)
clags2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_complex *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_complex *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_complex *__snu, __CLPK_real *__csv, __CLPK_complex *__snv, __CLPK_real *__csq, __CLPK_complex *__snq)
clags2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_complex *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_complex *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_complex *__snu, __CLPK_real *__csv, __CLPK_complex *__snv, __CLPK_real *__csq, __CLPK_complex *__snq)
clagtm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_complex *__b, __CLPK_integer *__ldb)
clagtm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_complex *__b, __CLPK_integer *__ldb)
clagtm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_complex *__b, __CLPK_integer *__ldb)
clagtm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_complex *__b, __CLPK_integer *__ldb)
clahef_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clahef_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clahef_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clahef_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clahqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
clahqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
clahqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
clahqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
clahr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
clahrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__y, __CLPK_integer *__ldy)
claic1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_complex *__x, __CLPK_real *__sest, __CLPK_complex *__w, __CLPK_complex *__gamma, __CLPK_real *__sestpr, __CLPK_complex *__s, __CLPK_complex *__c__)
claic1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_complex *__x, __CLPK_real *__sest, __CLPK_complex *__w, __CLPK_complex *__gamma, __CLPK_real *__sestpr, __CLPK_complex *__s, __CLPK_complex *__c__)
claic1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_complex *__x, __CLPK_real *__sest, __CLPK_complex *__w, __CLPK_complex *__gamma, __CLPK_real *__sestpr, __CLPK_complex *__s, __CLPK_complex *__c__)
claic1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_complex *__x, __CLPK_real *__sest, __CLPK_complex *__w, __CLPK_complex *__gamma, __CLPK_real *__sestpr, __CLPK_complex *__s, __CLPK_complex *__c__)
clals0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__info)
clals0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__info)
clals0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__info)
clals0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__info)
clalsa_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsa_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsa_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsa_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clalsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
clangb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clangb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clangb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clangb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clange_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clange_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clange_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clange_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clangt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clangt_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du)
clangt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clangt_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du)
clangt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clangt_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du)
clangt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clangt_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__dl, __CLPK_complex *__d__, __CLPK_complex *__du)
clanhb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clanhb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clanhb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clanhb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clanhe_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhe_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhe_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhe_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_real *__work)
clanhf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_real *__work)
clanhf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_real *__work)
clanhf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_real *__work)
clanhp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clanhp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clanhp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clanhp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clanhs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanhs_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanhs_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanhs_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanhs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanhs_(char *__norm, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clanht_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clanht_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e)
clanht_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clanht_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e)
clanht_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clanht_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e)
clanht_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clanht_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e)
clansb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clansb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clansb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clansb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clansp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clansp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clansp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clansp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clansy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clansy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clansy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clansy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clantb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clantb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clantb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clantb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
clantp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clantp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clantp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clantp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__work)
clantr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal clantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clantr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal clantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clantr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal clantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clantr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal clantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__work)
clapack_h - Class in smile.linalg.lapack
 
clapack_h_1 - Class in smile.linalg.lapack
 
clapll_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clapll_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
clapll_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clapll_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
clapll_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clapll_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
clapll_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clapll_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
clapmt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
clapmt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
clapmt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
clapmt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
claqgb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqgb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqgb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqgb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqge_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqge_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqge_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqge_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
claqhb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhe_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhe_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhe_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhe_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqhp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__work)
claqp2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__work)
claqp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__work)
claqp2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__work)
claqps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__auxv, __CLPK_complex *__f, __CLPK_integer *__ldf)
claqps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__auxv, __CLPK_complex *__f, __CLPK_integer *__ldf)
claqps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__auxv, __CLPK_complex *__f, __CLPK_integer *__ldf)
claqps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_complex *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_complex *__auxv, __CLPK_complex *__f, __CLPK_integer *__ldf)
claqr0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr1_(__CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__s1, __CLPK_complex *__s2, __CLPK_complex *__v)
claqr1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr1_(__CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__s1, __CLPK_complex *__s2, __CLPK_complex *__v)
claqr1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr1_(__CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__s1, __CLPK_complex *__s2, __CLPK_complex *__v)
claqr1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr1_(__CLPK_integer *__n, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__s1, __CLPK_complex *__s2, __CLPK_complex *__v)
claqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_complex *__sh, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_complex *__work, __CLPK_integer *__lwork)
claqr4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_complex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
claqr5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_complex *__s, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_complex *__wh, __CLPK_integer *__ldwh)
claqr5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_complex *__s, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_complex *__wh, __CLPK_integer *__ldwh)
claqr5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_complex *__s, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_complex *__wh, __CLPK_integer *__ldwh)
claqr5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_complex *__s, __CLPK_complex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_complex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_complex *__wh, __CLPK_integer *__ldwh)
claqsb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
claqsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
clar1v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_complex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
clar1v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_complex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
clar1v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_complex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
clar1v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_complex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
clar2v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clar2v_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clar2v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clar2v_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clar2v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clar2v_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clar2v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clar2v_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_complex *__y, __CLPK_complex *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clarcm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clarcm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clarcm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clarcm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__rwork)
clarf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarfb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarfb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarfb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarfb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarfg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarfg_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarfg_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarfg_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarfg_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarfp_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarfp_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarfp_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarfp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarfp_(__CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__tau)
clarft_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarft_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarft_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarft_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarfx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarfx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarfx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarfx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clargv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clargv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
clargv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clargv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
clargv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clargv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
clargv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clargv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
clarnv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_complex *__x)
clarnv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_complex *__x)
clarnv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_complex *__x)
clarnv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_complex *__x)
clarrv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
clarrv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
clarrv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
clarrv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
clarscl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clarscl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clarscl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clarscl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clartg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clartg_(__CLPK_complex *__f, __CLPK_complex *__g, __CLPK_real *__cs, __CLPK_complex *__sn, __CLPK_complex *__r__)
clartg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clartg_(__CLPK_complex *__f, __CLPK_complex *__g, __CLPK_real *__cs, __CLPK_complex *__sn, __CLPK_complex *__r__)
clartg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clartg_(__CLPK_complex *__f, __CLPK_complex *__g, __CLPK_real *__cs, __CLPK_complex *__sn, __CLPK_complex *__r__)
clartg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clartg_(__CLPK_complex *__f, __CLPK_complex *__g, __CLPK_real *__cs, __CLPK_complex *__sn, __CLPK_complex *__r__)
clartv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clartv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clartv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clartv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clartv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clartv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clartv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clartv_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s, __CLPK_integer *__incc)
clarz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work)
clarzb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarzb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarzb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarzb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__ldwork)
clarzt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarzt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarzt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clarzt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__tau, __CLPK_complex *__t, __CLPK_integer *__ldt)
clascl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clascl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clascl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clascl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clascl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clascl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clascl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
clascl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__x, __CLPK_integer *__ldx)
claset_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__a, __CLPK_integer *__lda)
claset_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__a, __CLPK_integer *__lda)
claset_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__a, __CLPK_integer *__lda)
claset_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__a, __CLPK_integer *__lda)
clasr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_complex *__a, __CLPK_integer *__lda)
clasr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_complex *__a, __CLPK_integer *__lda)
clasr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_complex *__a, __CLPK_integer *__lda)
clasr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_complex *__a, __CLPK_integer *__lda)
classes - Variable in class smile.classification.AbstractClassifier
The class labels.
classes - Variable in class smile.classification.ClassLabels
The class labels.
classes() - Method in class smile.classification.AbstractClassifier
 
classes() - Method in interface smile.classification.Classifier
Returns the class labels.
classes() - Method in class smile.classification.DecisionTree
 
classes() - Method in class smile.classification.MLP
 
classes() - Method in class smile.classification.SVM
 
classification(int, int) - Static method in interface smile.vision.transform.Transform
Returns a transform for image classification.
classification(int, int, float[], float[], int) - Static method in interface smile.vision.transform.Transform
Returns a transform for image classification.
classification(int, int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated cross validation of classification.
classification(int, int, T[], int[], BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated cross validation of classification.
classification(int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.Bootstrap
Runs classification bootstrap validation.
classification(int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Cross validation of classification.
classification(int, T[], int[], BiFunction) - Static method in interface smile.validation.Bootstrap
Runs classification bootstrap validation.
classification(int, T[], int[], BiFunction) - Static method in interface smile.validation.CrossValidation
Cross validation of classification.
classification(Formula, DataFrame, BiFunction) - Static method in interface smile.validation.LOOCV
Runs leave-one-out cross validation tests.
classification(T[], int[], BiFunction) - Static method in interface smile.validation.LOOCV
Runs leave-one-out cross validation tests.
CLASSIFICATION_ERROR - Enum constant in enum class smile.base.cart.SplitRule
Classification error.
ClassificationMetric - Interface in smile.validation.metric
An abstract interface to measure the classification performance.
ClassificationMetrics - Record Class in smile.validation
The classification validation metrics.
ClassificationMetrics(double, double, int, int, double) - Constructor for record class smile.validation.ClassificationMetrics
Constructor.
ClassificationMetrics(double, double, int, int, double, double) - Constructor for record class smile.validation.ClassificationMetrics
Constructor of multiclass soft classifier validation.
ClassificationMetrics(double, double, int, int, double, double, double, double, double, double) - Constructor for record class smile.validation.ClassificationMetrics
Constructor of binary classifier validation.
ClassificationMetrics(double, double, int, int, double, double, double, double, double, double, double, double) - Constructor for record class smile.validation.ClassificationMetrics
Constructor of binary soft classifier validation.
ClassificationMetrics(double, double, int, int, double, double, double, double, double, double, double, double, double) - Constructor for record class smile.validation.ClassificationMetrics
Creates an instance of a ClassificationMetrics record class.
ClassificationValidation<M> - Record Class in smile.validation
Classification model validation results.
ClassificationValidation(M, double, double, int[], int[]) - Constructor for record class smile.validation.ClassificationValidation
Constructor.
ClassificationValidation(M, double, double, int[], int[], double[][]) - Constructor for record class smile.validation.ClassificationValidation
Constructor of soft classifier validation.
ClassificationValidation(M, int[], int[], double[][], ConfusionMatrix, ClassificationMetrics) - Constructor for record class smile.validation.ClassificationValidation
Creates an instance of a ClassificationValidation record class.
ClassificationValidations<M> - Record Class in smile.validation
Classification model validation results.
ClassificationValidations(List, ClassificationMetrics, ClassificationMetrics) - Constructor for record class smile.validation.ClassificationValidations
Creates an instance of a ClassificationValidations record class.
Classifier<T> - Interface in smile.classification
A classifier assigns an input object into one of a given number of categories.
Classifier.Trainer<T,M> - Interface in smile.classification
The classifier trainer.
ClassLabels - Class in smile.classification
Map arbitrary class labels to [0, k), where k is the number of classes.
ClassLabels(int, int[], IntSet) - Constructor for class smile.classification.ClassLabels
Constructor.
classq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int classq_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
classq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int classq_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
classq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int classq_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
classq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int classq_(__CLPK_integer *__n, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
classWeight() - Method in record class smile.classification.RandomForest.Options
Returns the value of the classWeight record component.
claswp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int claswp_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
claswp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int claswp_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
claswp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int claswp_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
claswp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int claswp_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
clasyf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clasyf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clasyf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clasyf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
clatbs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatbs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatbs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatbs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatdf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
clatdf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
clatdf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
clatdf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
clatps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__w, __CLPK_integer *__ldw)
clatrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__w, __CLPK_integer *__ldw)
clatrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__w, __CLPK_integer *__ldw)
clatrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_complex *__tau, __CLPK_complex *__w, __CLPK_integer *__ldw)
clatrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
clatrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work)
clatrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work)
clatrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work)
clatrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work)
clatzm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c1, __CLPK_complex *__c2, __CLPK_integer *__ldc, __CLPK_complex *__work)
clatzm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c1, __CLPK_complex *__c2, __CLPK_integer *__ldc, __CLPK_complex *__work)
clatzm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c1, __CLPK_complex *__c2, __CLPK_integer *__ldc, __CLPK_complex *__work)
clatzm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__v, __CLPK_integer *__incv, __CLPK_complex *__tau, __CLPK_complex *__c1, __CLPK_complex *__c2, __CLPK_integer *__ldc, __CLPK_complex *__work)
clauu2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauu2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauu2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauu2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauum_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int clauum_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauum_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int clauum_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauum_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int clauum_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clauum_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int clauum_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
clean() - Static method in interface smile.io.CacheFiles
Cleans up the cache directory.
clear() - Method in class smile.base.cart.CART
Clear the workspace of building tree.
clear() - Method in class smile.plot.swing.Figure
Removes all graphic plots from the canvas.
clear() - Method in class smile.util.DoubleArrayList
Removes all the values from this list.
clear() - Method in class smile.util.FloatArrayList
Removes all the values from this list.
clear() - Method in class smile.util.IntArrayList
Removes all the values from this list.
clear() - Method in class smile.util.PairingHeap
 
clear(double) - Method in class smile.vq.NeuralMap
Removes staled neurons and the edges beyond lifetime.
clearClip() - Method in class smile.plot.swing.Renderer
Clears the restriction of the draw area.
clearerr(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void clearerr(FILE *__stream)
clearerr_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void clearerr_unlocked(FILE *__stream)
clearerr_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void clearerr_unlocked(FILE *__stream)
clearerr_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void clearerr_unlocked(FILE *__stream)
clearerr_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void clearerr_unlocked(FILE *__stream)
clearerr$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void clearerr(FILE *__stream)
clearerr$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void clearerr(FILE *__stream)
clearerr$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void clearerr(FILE *__stream)
clip() - Method in class smile.plot.swing.Renderer
Restricts the draw area to the valid base coordinate space.
clip(boolean) - Method in class smile.plot.vega.Mark
Sets whether a mark be clipped to the enclosing group's width and height.
clipAngle(double) - Method in class smile.plot.vega.Projection
Sets the projection's clipping circle radius to the specified angle in degrees.
clipExtent(double, double, double, double) - Method in class smile.plot.vega.Projection
Sets the projection's viewport clip extent to the specified bounds in pixels.
clipHeight(double) - Method in class smile.plot.vega.Legend
Sets the height in pixels to clip symbol legend entries and limit their size.
clipNorm - Variable in class smile.base.mlp.MultilayerPerceptron
The gradient clipping norm.
clipValue - Variable in class smile.base.mlp.MultilayerPerceptron
The gradient clipping value.
clog(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double clog(_Complex double __z)
clog$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double clog(_Complex double __z)
clog$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double clog(_Complex double __z)
clog$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double clog(_Complex double __z)
clogf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float clogf(_Complex float __z)
clogf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float clogf(_Complex float __z)
clogf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float clogf(_Complex float __z)
clogf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float clogf(_Complex float __z)
clone(double[][]) - Static method in class smile.math.MathEx
Deep clone a two-dimensional array.
clone(float[][]) - Static method in class smile.math.MathEx
Deep clone a two-dimensional array.
clone(int[][]) - Static method in class smile.math.MathEx
Deep clone a two-dimensional array.
close() - Method in class smile.base.mlp.Layer
 
close() - Method in class smile.base.mlp.MultilayerPerceptron
 
close() - Method in class smile.data.formula.Formula
 
close() - Method in class smile.data.SQL
 
close() - Method in record class smile.deep.SampleBatch
 
close() - Method in class smile.deep.tensor.Tensor
 
close() - Method in class smile.io.Arff
 
close() - Method in class smile.util.AutoScope
 
close() - Method in class smile.util.IterativeAlgorithmController
 
close() - Method in class smile.vision.ImageDataset
 
CLOSING_PARENTHESIS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ) ] }
CLOSING_QUOTATION - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ' or ''
clustering(int, double[][], double[][], int[], int[]) - Method in class smile.clustering.BBDTree
Given k cluster centroids, this method assigns data to nearest centroids.
Clustering - Interface in smile.clustering
Clustering utility functions.
Clustering.Options - Record Class in smile.clustering
Iterative clustering algorithm hyperparameters.
ClusteringMetric - Interface in smile.validation.metric
An abstract interface to measure the clustering performance.
cnaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void cnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cnaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void cnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cnaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void cnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cnaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void cnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
CNB - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
Complement Naive Bayes.
cneupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, float, MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void cneupd_c(int rvec, const char *howmny, const int *select, _Complex float *d, _Complex float *z, int ldz, _Complex float sigma, _Complex float *workev, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cneupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void cneupd_c(int rvec, const char *howmny, const int *select, _Complex float *d, _Complex float *z, int ldz, _Complex float sigma, _Complex float *workev, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cneupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void cneupd_c(int rvec, const char *howmny, const int *select, _Complex float *d, _Complex float *z, int ldz, _Complex float sigma, _Complex float *workev, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
cneupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void cneupd_c(int rvec, const char *howmny, const int *select, _Complex float *d, _Complex float *z, int ldz, _Complex float sigma, _Complex float *workev, const char *bmat, int n, const char *which, int nev, float tol, _Complex float *resid, int ncv, _Complex float *v, int ldv, int *iparam, int *ipntr, _Complex float *workd, _Complex float *workl, int lworkl, float *rwork, int *info)
coefficients() - Method in class smile.classification.LogisticRegression.Binomial
Returns an array of size (p+1) containing the linear weights of binary logistic regression, where p is the dimension of feature vectors.
coefficients() - Method in class smile.classification.LogisticRegression.Multinomial
Returns a 2d-array of size (k-1) x (p+1), containing the linear weights of multi-class logistic regression, where k is the number of classes and p is the dimension of feature vectors.
coefficients() - Method in class smile.classification.Maxent.Binomial
Returns an array of size (p+1) containing the linear weights of binary logistic regression, where p is the dimension of feature vectors.
coefficients() - Method in class smile.classification.Maxent.Multinomial
Returns a 2d-array of size (k-1) x (p+1), containing the linear weights of multi-class logistic regression, where k is the number of classes and p is the dimension of feature vectors.
coefficients() - Method in class smile.classification.SparseLogisticRegression.Binomial
Returns an array of size (p+1) containing the linear weights of binary logistic regression, where p is the dimension of feature vectors.
coefficients() - Method in class smile.classification.SparseLogisticRegression.Multinomial
Returns a 2d-array of size (k-1) x (p+1), containing the linear weights of multi-class logistic regression, where k is the number of classes and p is the dimension of feature vectors.
coefficients() - Method in class smile.glm.GLM
Returns an array of size (p+1) containing the linear weights of binary logistic regression, where p is the dimension of feature vectors.
coefficients() - Method in class smile.regression.LinearModel
Returns the linear coefficients without intercept.
coerce(DataType, DataType) - Static method in interface smile.data.type.DataType
Returns the common type.
CoifletWavelet - Class in smile.wavelet
Coiflet wavelets.
CoifletWavelet(int) - Constructor for class smile.wavelet.CoifletWavelet
Constructor.
COL_MAJOR - Enum constant in enum class smile.linalg.Order
Column major layout.
Collectors - Interface in smile.data
Stream collectors for Dataset, DataFrame, and Matrix.
colMax(double[][]) - Static method in class smile.math.MathEx
Returns the column maximum of a matrix.
colMax(int[][]) - Static method in class smile.math.MathEx
Returns the column maximum of a matrix.
colMeans() - Method in class smile.tensor.DenseMatrix
Returns the mean of each column.
colMeans(double[][]) - Static method in class smile.math.MathEx
Returns the column means of a matrix.
colMin(double[][]) - Static method in class smile.math.MathEx
Returns the column minimum of a matrix.
colMin(int[][]) - Static method in class smile.math.MathEx
Returns the column minimum of a matrix.
colNames() - Method in class smile.tensor.DenseMatrix
Returns the column names.
Colon - Static variable in class smile.deep.tensor.Index
The colon (:) is used to slice all elements of a dimension.
COLON - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ; : ...
ColonCancer - Record Class in smile.datasets
Colon cancer dataset.
ColonCancer(double[][], int[]) - Constructor for record class smile.datasets.ColonCancer
Creates an instance of a ColonCancer record class.
color(String) - Method in class smile.plot.vega.Mark
Sets the default color.
ColorCellEditor - Class in smile.swing.table
Color editor in JTable.
ColorCellEditor() - Constructor for class smile.swing.table.ColorCellEditor
Constructor.
ColorCellRenderer - Class in smile.swing.table
Color renderer in JTable.
ColorCellRenderer() - Constructor for class smile.swing.table.ColorCellRenderer
Constructor.
ColorCellRenderer(boolean) - Constructor for class smile.swing.table.ColorCellRenderer
Constructor.
colSds() - Method in class smile.tensor.DenseMatrix
Returns the standard deviations of each column.
colStdevs(double[][]) - Static method in class smile.math.MathEx
Returns the column standard deviations of a matrix.
colSums() - Method in class smile.tensor.DenseMatrix
Returns the sum of each column.
colSums(double[][]) - Static method in class smile.math.MathEx
Returns the column sums of a matrix.
colSums(int[][]) - Static method in class smile.math.MathEx
Returns the column sums of a matrix.
column(double[]) - Static method in class smile.tensor.Vector
Creates a column vector.
column(float[]) - Static method in class smile.tensor.Vector
Creates a column vector.
column(int) - Method in record class smile.data.DataFrame
Returns the j-th column.
column(int) - Method in class smile.tensor.DenseMatrix
Returns the j-th column.
column(int) - Method in class smile.tensor.Vector
 
column(String) - Method in record class smile.data.DataFrame
Returns the column of given name.
column(String) - Method in class smile.plot.vega.Facet
Returns the field definition for the vertical facet of trellis plots.
columnAdded(TableColumnModelEvent) - Method in class smile.swing.table.TableColumnSettings
 
columnMarginChanged(ChangeEvent) - Method in class smile.swing.table.TableColumnSettings
 
columnMoved(TableColumnModelEvent) - Method in class smile.swing.table.TableColumnSettings
 
columnPadding(double) - Method in class smile.plot.vega.Legend
Sets the horizontal padding in pixels between symbol legend entries.
columnRemoved(TableColumnModelEvent) - Method in class smile.swing.table.TableColumnSettings
 
columns - Variable in class smile.feature.extraction.Projection
The fields of input space.
columns() - Method in record class smile.data.DataFrame
Returns the value of the columns record component.
columns(int) - Method in class smile.plot.vega.Facet
Sets the number of columns to include in the view composition layout.
columns(int) - Method in class smile.plot.vega.Legend
Sets the number of columns in which to arrange symbol legend entries.
columns(int) - Method in class smile.plot.vega.Repeat
Sets the number of columns to include in the view composition layout.
columns(int...) - Method in class smile.tensor.DenseMatrix
Returns the matrix of selected columns.
columns(int, int) - Method in class smile.tensor.DenseMatrix
Returns the submatrix of selected columns.
columnSelectionChanged(ListSelectionEvent) - Method in class smile.swing.table.TableColumnSettings
 
ColumnTransform - Class in smile.data.transform
Column-wise data transformation.
ColumnTransform(String, Map) - Constructor for class smile.data.transform.ColumnTransform
Constructor.
COMMA - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ,
COMPACT - Enum constant in enum class smile.linalg.SVDJob
The first min(m, n) singular vectors are returned in supplied matrix U (or Vt).
comparator - Static variable in class smile.base.cart.Split
The comparator on the split score.
compareTo(RandomForest.Model) - Method in record class smile.classification.RandomForest.Model
 
compareTo(CentroidClustering) - Method in record class smile.clustering.CentroidClustering
 
compareTo(MEC) - Method in class smile.clustering.MEC
 
compareTo(FRegression) - Method in record class smile.feature.selection.FRegression
 
compareTo(InformationValue) - Method in record class smile.feature.selection.InformationValue
 
compareTo(SignalNoiseRatio) - Method in record class smile.feature.selection.SignalNoiseRatio
 
compareTo(SumSquaresRatio) - Method in record class smile.feature.selection.SumSquaresRatio
 
compareTo(Chromosome) - Method in class smile.gap.BitString
 
compareTo(Graph.Edge) - Method in record class smile.graph.Graph.Edge
 
compareTo(PrH) - Method in record class smile.neighbor.lsh.PrH
 
compareTo(Probe) - Method in class smile.neighbor.lsh.Probe
 
compareTo(PrZ) - Method in record class smile.neighbor.lsh.PrZ
 
compareTo(Neighbor) - Method in record class smile.neighbor.Neighbor
 
compareTo(Bigram) - Method in class smile.nlp.collocation.Bigram
 
compareTo(NGram) - Method in class smile.nlp.collocation.NGram
 
compareTo(Relevance) - Method in record class smile.nlp.relevance.Relevance
 
compareTo(RandomForest.Model) - Method in record class smile.regression.RandomForest.Model
 
compareTo(MutableInt) - Method in class smile.util.MutableInt
 
compareTo(SparseArray.Entry) - Method in record class smile.util.SparseArray.Entry
 
compareTo(SparseIntArray.Entry) - Method in record class smile.util.SparseIntArray.Entry
 
compareTo(Neuron) - Method in class smile.vq.hebb.Neuron
 
complete(String[], int, double, double, boolean, Long, SubmissionPublisher) - Method in class smile.llm.llama.Llama
Performs text completion for a list of prompts
CompleteLinkage - Class in smile.clustering.linkage
Complete linkage.
CompleteLinkage(double[][]) - Constructor for class smile.clustering.linkage.CompleteLinkage
Constructor.
CompleteLinkage(int, float[]) - Constructor for class smile.clustering.linkage.CompleteLinkage
Constructor.
CompletionPrediction - Record Class in smile.llm
Prompt completion prediction.
CompletionPrediction(String, String, int[], int[], FinishReason, float[]) - Constructor for record class smile.llm.CompletionPrediction
Creates an instance of a CompletionPrediction record class.
completionTokens() - Method in record class smile.llm.CompletionPrediction
Returns the value of the completionTokens record component.
Complex - Record Class in smile.math
Complex number.
Complex(double, double) - Constructor for record class smile.math.Complex
Creates an instance of a Complex record class.
Complex.Array - Class in smile.math
Packed array of complex numbers for better memory efficiency.
Component(double, DiscreteDistribution) - Constructor for record class smile.stat.distribution.DiscreteMixture.Component
Creates an instance of a Component record class.
Component(double, Distribution) - Constructor for record class smile.stat.distribution.Mixture.Component
Creates an instance of a Component record class.
Component(double, MultivariateDistribution) - Constructor for record class smile.stat.distribution.MultivariateMixture.Component
Creates an instance of a Component record class.
componentHidden(ComponentEvent) - Method in class smile.plot.swing.Canvas
 
componentMoved(ComponentEvent) - Method in class smile.plot.swing.Canvas
 
componentResized(ComponentEvent) - Method in class smile.plot.swing.Canvas
 
components - Variable in class smile.stat.distribution.DiscreteMixture
The components of finite mixture model.
components - Variable in class smile.stat.distribution.Mixture
The components of finite mixture model.
components - Variable in class smile.stat.distribution.MultivariateMixture
The components of finite mixture model.
components() - Method in record class smile.ica.ICA
Returns the value of the components record component.
componentShown(ComponentEvent) - Method in class smile.plot.swing.Canvas
 
compose(Transform) - Method in interface smile.data.transform.Transform
Returns a composed function that first applies the before function to its input, and then applies this function to the result.
COMPREHENSIVE - Enum constant in enum class smile.nlp.dictionary.EnglishStopWords
A very long list of stop words.
compute() - Method in class smile.deep.metric.Accuracy
 
compute() - Method in interface smile.deep.metric.Metric
Computes the metric value from the metric state, which are updated by previous update() calls.
compute() - Method in class smile.deep.metric.Precision
 
compute() - Method in class smile.deep.metric.Recall
 
computeFreqCis(int, int) - Static method in interface smile.llm.RotaryPositionalEncoding
Precompute the frequency tensor for complex exponentials (cis).
computeFreqCis(int, int, double, boolean) - Static method in interface smile.llm.RotaryPositionalEncoding
Precompute the frequency tensor for complex exponentials (cis).
computeGradient(Vector) - Method in class smile.base.mlp.InputLayer
 
computeGradient(Vector) - Method in class smile.base.mlp.Layer
Computes the parameter gradient for a sample of (mini-)batch.
computeGradientUpdate(Vector, double, double, double) - Method in class smile.base.mlp.InputLayer
 
computeGradientUpdate(Vector, double, double, double) - Method in class smile.base.mlp.Layer
Computes the parameter gradient and update the weights.
computeOutputGradient(Vector, double) - Method in class smile.base.mlp.OutputLayer
Compute the network output gradient.
concat(DataFrame...) - Method in record class smile.data.DataFrame
Concatenates data frames vertically by rows.
Concat - Class in smile.plot.vega
Concatenating views.
Concat(int, VegaLite...) - Constructor for class smile.plot.vega.Concat
Constructor to put multiple views into a flexible flow layout.
Concept - Class in smile.taxonomy
Concept is a set of synonyms, i.e.
Concept(Concept, String...) - Constructor for class smile.taxonomy.Concept
Constructor.
CONCISE - Enum constant in enum class smile.nlp.dictionary.EnglishDictionary
A concise dictionary of common terms in English.
condition() - Method in record class smile.tensor.SVD
Returns the L2 norm condition number, which is max(S) / min(S).
confidence() - Method in record class smile.association.AssociationRule
Returns the value of the confidence record component.
config() - Method in class smile.plot.vega.VegaLite
Returns the configuration object that lists properties of a visualization for creating a consistent theme.
Config - Class in smile.plot.vega
Vega-Lite's config object lists configuration properties of a visualization for creating a consistent theme.
conformal() - Method in record class smile.manifold.IsoMap.Options
Returns the value of the conformal record component.
confusion() - Method in record class smile.validation.ClassificationValidation
Returns the value of the confusion record component.
ConfusionMatrix - Record Class in smile.validation.metric
The confusion matrix of truth and predictions.
ConfusionMatrix(int[][]) - Constructor for record class smile.validation.metric.ConfusionMatrix
Creates an instance of a ConfusionMatrix record class.
conj(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double conj(_Complex double __z)
conj$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double conj(_Complex double __z)
conj$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double conj(_Complex double __z)
conj$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double conj(_Complex double __z)
conjf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float conjf(_Complex float __z)
conjf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float conjf(_Complex float __z)
conjf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float conjf(_Complex float __z)
conjf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float conjf(_Complex float __z)
conjugate() - Method in record class smile.math.Complex
Returns the conjugate.
CONJUGATE_TRANSPOSE - Enum constant in enum class smile.linalg.Transpose
Conjugate transpose operation on the matrix.
consequent() - Method in record class smile.association.AssociationRule
Returns the value of the consequent record component.
constant(double) - Static method in interface smile.util.function.TimeFunction
Returns the constant learning rate.
Constant - Class in smile.data.formula
A constant value in the formula.
Constant() - Constructor for class smile.data.formula.Constant
Constructor.
contains(double[][], double[]) - Static method in class smile.math.MathEx
Determines if the polygon contains the point.
contains(double[][], double, double) - Static method in class smile.math.MathEx
Determines if the polygon contains the point.
contains(int) - Method in class smile.util.IntHashSet
Returns true if this set contains the specified element.
contains(Object) - Method in class smile.util.PairingHeap
 
contains(String) - Method in interface smile.nlp.dictionary.Dictionary
Returns true if this dictionary contains the specified word.
contains(String) - Method in enum class smile.nlp.dictionary.EnglishDictionary
 
contains(String) - Method in class smile.nlp.dictionary.EnglishPunctuations
 
contains(String) - Method in enum class smile.nlp.dictionary.EnglishStopWords
 
contains(String) - Method in class smile.nlp.dictionary.SimpleDictionary
 
containsAll(Collection) - Method in class smile.util.PairingHeap
 
content() - Method in record class smile.llm.CompletionPrediction
Returns the value of the content record component.
content() - Method in record class smile.llm.Message
Returns the value of the content record component.
content() - Method in class smile.plot.swing.Canvas
 
content() - Method in class smile.plot.swing.MultiFigurePane
 
content() - Method in interface smile.plot.swing.Scene
Returns the content component.
content_filter - Enum constant in enum class smile.llm.FinishReason
Omitted content due to a flag from content filters.
contiguous() - Method in class smile.deep.tensor.Tensor
Returns a contiguous in memory tensor containing the same data as this tensor.
ContingencyTable - Class in smile.validation.metric
The contingency table.
ContingencyTable(int[], int[]) - Constructor for class smile.validation.metric.ContingencyTable
Constructor.
continuousHeight(int) - Method in class smile.plot.vega.ViewConfig
Sets the default height when the plot has a continuous field for y or latitude, or has arc marks.
continuousWidth(int) - Method in class smile.plot.vega.ViewConfig
Sets the default width when the plot has a continuous field for x or longitude, or has arc marks.
Contour - Class in smile.plot.swing
A contour plot is a graphical technique for representing a 3-dimensional surface by plotting constant z slices, called contours, on a 2-dimensional format.
Contour(double[][], double[]) - Constructor for class smile.plot.swing.Contour
Constructor.
Contour(double[][], int, boolean) - Constructor for class smile.plot.swing.Contour
Constructor.
Contour(double[], double[], double[][], double[]) - Constructor for class smile.plot.swing.Contour
Constructor.
Contour(double[], double[], double[][], int, boolean) - Constructor for class smile.plot.swing.Contour
Constructor.
contrast() - Method in record class smile.ica.ICA.Options
Returns the value of the contrast record component.
controller() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the controller record component.
controller() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the controller record component.
controller() - Method in record class smile.classification.RandomForest.Options
Returns the value of the controller record component.
controller() - Method in record class smile.clustering.Clustering.Options
Returns the value of the controller record component.
controller() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the controller record component.
controller() - Method in record class smile.clustering.MEC.Options
Returns the value of the controller record component.
controller() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the controller record component.
controller() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the controller record component.
controller() - Method in record class smile.manifold.TSNE.Options
Returns the value of the controller record component.
controller() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the controller record component.
controller() - Method in record class smile.regression.RandomForest.Options
Returns the value of the controller record component.
conv2d(int, int, int) - Static method in interface smile.deep.layer.Layer
Returns a convolutional layer.
conv2d(int, int, int, int, int, int, int, boolean, String) - Static method in interface smile.deep.layer.Layer
Returns a convolutional layer.
conv2d(int, int, int, int, String, int, int, boolean, String) - Static method in interface smile.deep.layer.Layer
Returns a convolutional layer.
Conv2dLayer - Class in smile.deep.layer
A convolutional layer.
Conv2dLayer(int, int, int, int, int, int, int, boolean, String) - Constructor for class smile.deep.layer.Conv2dLayer
Constructor.
Conv2dLayer(int, int, int, int, String, int, int, boolean, String) - Constructor for class smile.deep.layer.Conv2dLayer
Constructor.
Conv2dNormActivation - Class in smile.vision.layer
Convolution2d-Normalization-Activation block.
Conv2dNormActivation(Conv2dNormActivation.Options) - Constructor for class smile.vision.layer.Conv2dNormActivation
Constructor.
Conv2dNormActivation.Options - Record Class in smile.vision.layer
Conv2dNormActivation configurations.
CooccurrenceKeywords - Interface in smile.nlp.keyword
Keyword extraction from a single document using word co-occurrence statistical information.
coordinates() - Method in record class smile.manifold.IsotonicMDS
Returns the value of the coordinates record component.
coordinates() - Method in class smile.manifold.KPCA
Returns the nonlinear principal component scores, i.e., the representation of learning data in the nonlinear principal component space.
coordinates() - Method in record class smile.manifold.MDS
Returns the value of the coordinates record component.
coordinates() - Method in record class smile.manifold.SammonMapping
Returns the value of the coordinates record component.
coordinates() - Method in record class smile.manifold.TSNE
Returns the value of the coordinates record component.
copy() - Method in class smile.neighbor.lsh.Probe
Returns a shallow copy that shares the range array.
copy() - Method in class smile.tensor.AtA
 
copy() - Method in class smile.tensor.BandMatrix
 
copy() - Method in class smile.tensor.DenseMatrix
 
copy() - Method in interface smile.tensor.Matrix
Returns a deep copy of matrix.
copy() - Method in class smile.tensor.SparseMatrix
 
copy() - Method in class smile.tensor.SymmMatrix
 
copy() - Method in class smile.tensor.Vector
 
copy(double[][], double[][]) - Static method in class smile.math.MathEx
Deep copy x into y.
copy(float[][], float[][]) - Static method in class smile.math.MathEx
Deep copy x into y.
copy(int[][], int[][]) - Static method in class smile.math.MathEx
Copy x into y.
copy(int, int) - Method in class smile.tensor.Vector
Copies the specified range of the vector into a new vector.
copy(Vector, int, Vector, int, int) - Static method in class smile.tensor.Vector
Copies the specified range of the vector into another vector.
cor() - Method in record class smile.stat.hypothesis.CorTest
Returns the value of the cor record component.
cor(double[][]) - Static method in class smile.math.MathEx
Returns the sample correlation matrix.
cor(double[][], double[]) - Static method in class smile.math.MathEx
Returns the sample correlation matrix.
cor(double[][], String...) - Static method in class smile.feature.extraction.PCA
Fits principal component analysis with correlation matrix.
cor(double[], double[]) - Static method in class smile.math.MathEx
Returns the correlation coefficient between two vectors.
cor(float[], float[]) - Static method in class smile.math.MathEx
Returns the correlation coefficient between two vectors.
cor(int[], int[]) - Static method in class smile.math.MathEx
Returns the correlation coefficient between two vectors.
cor(DataFrame, String...) - Static method in class smile.feature.extraction.PCA
Fits principal component analysis with correlation matrix.
CORAL - Static variable in class smile.plot.swing.Palette
The color coral with an RGB value of #FF7F50
cornerRadius(double) - Method in class smile.plot.vega.Legend
Sets the corner radius for the full legend.
cornerRadius(double) - Method in class smile.plot.vega.Mark
Sets the radius in pixels of rounded rectangles or arcs' corners.
cornerRadius(int) - Method in class smile.plot.vega.Background
Sets the radius of corners.
cornerRadius(int) - Method in class smile.plot.vega.ViewConfig
Sets the radius of corners.
cornerRadiusBottomLeft(double) - Method in class smile.plot.vega.Mark
Sets the radius in pixels of rounded rectangles' bottom left corner.
cornerRadiusBottomRight(double) - Method in class smile.plot.vega.Mark
Sets the radius in pixels of rounded rectangles' bottom right corner.
cornerRadiusEnd(double) - Method in class smile.plot.vega.Mark
For vertical bars, sets the top-left and top-right corner radius.
cornerRadiusTopLeft(double) - Method in class smile.plot.vega.Mark
Sets the radius in pixels of rounded rectangles' top left corner.
cornerRadiusTopRight(double) - Method in class smile.plot.vega.Mark
Sets the radius in pixels of rounded rectangles' top right corner.
CORNFLOWER_BLUE - Static variable in class smile.plot.swing.Palette
The color cornflower blue with an RGB value of #6495ED
CORNSILK - Static variable in class smile.plot.swing.Palette
The color cornsilk with an RGB value of #FFF8DC
Corpus - Interface in smile.nlp
A corpus is a collection of documents.
CorrelationDistance - Class in smile.math.distance
Correlation distance is defined as 1 - correlation coefficient.
CorrelationDistance() - Constructor for class smile.math.distance.CorrelationDistance
Constructor of Pearson correlation distance.
CorrelationDistance(String) - Constructor for class smile.math.distance.CorrelationDistance
Constructor.
CorTest - Record Class in smile.stat.hypothesis
Correlation test.
CorTest(String, double, double, double, double) - Constructor for record class smile.stat.hypothesis.CorTest
Creates an instance of a CorTest record class.
cos() - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the cosine of the elements of input.
cos() - Method in record class smile.math.Complex
Returns the complex cosine.
cos(String) - Static method in interface smile.data.formula.Terms
The cos(x) term.
cos(Term) - Static method in interface smile.data.formula.Terms
The cos(x) term.
cos_() - Method in class smile.deep.tensor.Tensor
Computes the cosine of the elements of input in place.
cosh(String) - Static method in interface smile.data.formula.Terms
The cosh(x) term.
cosh(Term) - Static method in interface smile.data.formula.Terms
The cosh(x) term.
cosine(double[], double[]) - Static method in class smile.math.MathEx
Returns the cosine similarity.
cosine(double, double, double) - Static method in interface smile.util.function.TimeFunction
Returns the cosine annealing function.
cosine(float[], float[]) - Static method in class smile.math.MathEx
Returns the cosine similarity.
cost() - Method in class smile.base.mlp.OutputLayer
Returns the cost function of neural network.
cost() - Method in record class smile.manifold.TSNE
Returns the value of the cost record component.
Cost - Enum Class in smile.base.mlp
Neural network cost function.
count - Variable in class smile.nlp.collocation.Bigram
The frequency of bigram in the corpus.
count - Variable in class smile.nlp.collocation.NGram
The frequency of n-gram in the corpus.
count() - Method in class smile.base.cart.DecisionNode
Returns the sample size in each class.
count(String) - Method in interface smile.nlp.Corpus
Returns the total frequency of the term in the corpus.
count(String) - Method in class smile.nlp.SimpleCorpus
 
count(Bigram) - Method in interface smile.nlp.Corpus
Returns the total frequency of the bigram in the corpus.
count(Bigram) - Method in class smile.nlp.SimpleCorpus
 
counter - Variable in class smile.vq.hebb.Neuron
The local counter variable (e.g.
counts(boolean) - Method in class smile.plot.vega.DensityTransform
Produces probability estimates or smoothed counts.
countTitle(String) - Method in class smile.plot.vega.Config
Sets the default axis and legend title for count fields.
cov - Variable in class smile.regression.GaussianProcessRegression.JointPrediction
The covariance matrix of joint predictive distribution at query points.
cov() - Method in interface smile.stat.distribution.MultivariateDistribution
The covariance matrix of distribution.
cov() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
cov() - Method in class smile.stat.distribution.MultivariateMixture
 
cov(double[][]) - Static method in class smile.math.MathEx
Returns the sample covariance matrix.
cov(double[][], double[]) - Static method in class smile.math.MathEx
Returns the sample covariance matrix.
cov(double[], double[]) - Static method in class smile.math.MathEx
Returns the covariance between two vectors.
cov(double[], int) - Static method in interface smile.timeseries.TimeSeries
Auto-covariance function.
cov(float[], float[]) - Static method in class smile.math.MathEx
Returns the covariance between two vectors.
cov(int[], int[]) - Static method in class smile.math.MathEx
Returns the covariance between two vectors.
CoverTree<K,V> - Class in smile.neighbor
Cover tree is a data structure for generic nearest neighbor search, which is especially efficient in spaces with small intrinsic dimension.
CoverTree(List, List, Metric) - Constructor for class smile.neighbor.CoverTree
Constructor.
CoverTree(List, List, Metric, double) - Constructor for class smile.neighbor.CoverTree
Constructor.
CoverTree(K[], V[], Metric) - Constructor for class smile.neighbor.CoverTree
Constructor.
CoverTree(K[], V[], Metric, double) - Constructor for class smile.neighbor.CoverTree
Constructor.
cpbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbstf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbstf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbstf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbstf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
cpbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpftrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
cpftrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpftrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpftrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpftrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpocon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpocon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpocon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpocon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpoequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpoequ_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpoequ_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpoequ_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpoequ_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpoequb_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpoequb_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpoequb_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpoequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpoequb_(__CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cporfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cporfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cporfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cporfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cposv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cposv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cposvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cposvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cposvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cposvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpotf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
cpotrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpotrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpotrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpotrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpow(double, double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double cpow(_Complex double __x, _Complex double __y)
cpow$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double cpow(_Complex double __x, _Complex double __y)
cpow$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double cpow(_Complex double __x, _Complex double __y)
cpow$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double cpow(_Complex double __x, _Complex double __y)
cpowf(float, float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float cpowf(_Complex float __x, _Complex float __y)
cpowf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float cpowf(_Complex float __x, _Complex float __y)
cpowf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float cpowf(_Complex float __x, _Complex float __y)
cpowf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float cpowf(_Complex float __x, _Complex float __y)
cppcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cppequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cppequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cppequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
cpprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cppsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cppsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cppsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cppsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cppsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, char *__equed, __CLPK_real *__s, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
cpptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cproj(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double cproj(_Complex double __z)
cproj$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double cproj(_Complex double __z)
cproj$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double cproj(_Complex double __z)
cproj$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double cproj(_Complex double __z)
cprojf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float cprojf(_Complex float __z)
cprojf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float cprojf(_Complex float __z)
cprojf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float cprojf(_Complex float __z)
cprojf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float cprojf(_Complex float __z)
cpstf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cpstrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
cptcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__rwork, __CLPK_integer *__info)
cptcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__rwork, __CLPK_integer *__info)
cptcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__rwork, __CLPK_integer *__info)
cptcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__rwork, __CLPK_integer *__info)
cpteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
cpteqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
cpteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
cpteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
cptrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cptsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cptsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cptsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cptsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cptsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_real *__df, __CLPK_complex *__ef, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cpttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_integer *__info)
cpttrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_integer *__info)
cpttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_integer *__info)
cpttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_integer *__info)
cpttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpttrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cpttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cptts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb)
cptts2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb)
cptts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb)
cptts2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_complex *__e, __CLPK_complex *__b, __CLPK_integer *__ldb)
CPU - Enum constant in enum class smile.deep.tensor.DeviceType
CPU
CPU - Record Class in smile.datasets
CPU dataset.
CPU() - Constructor for record class smile.datasets.CPU
Constructor.
CPU(Path) - Constructor for record class smile.datasets.CPU
Constructor.
CPU(DataFrame, Formula) - Constructor for record class smile.datasets.CPU
Creates an instance of a CPU record class.
CPU() - Static method in class smile.deep.tensor.Device
Returns the CPU device.
CramerV() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns the value of the CramerV record component.
creal(double) - Static method in class smile.linalg.blas.cblas_h
extern double creal(_Complex double __z)
creal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double creal(_Complex double __z)
creal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double creal(_Complex double __z)
creal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double creal(_Complex double __z)
crealf(float) - Static method in class smile.linalg.blas.cblas_h
extern float crealf(_Complex float __z)
crealf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float crealf(_Complex float __z)
crealf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float crealf(_Complex float __z)
crealf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float crealf(_Complex float __z)
CRF - Class in smile.sequence
First-order linear conditional random field.
CRF(StructType, RegressionTree[][], double) - Constructor for class smile.sequence.CRF
Constructor.
CRF.Options - Record Class in smile.sequence
CRF hyperparameters.
CRFLabeler<T> - Class in smile.sequence
First-order CRF sequence labeler.
CRFLabeler(CRF, Function) - Constructor for class smile.sequence.CRFLabeler
Constructor.
CRIMSON - Static variable in class smile.plot.swing.Palette
The color crimson with an RGB value of #DC143C
crop(BufferedImage, int, boolean) - Method in interface smile.vision.transform.Transform
Crops an image.
crop(BufferedImage, int, int, boolean) - Method in interface smile.vision.transform.Transform
Crops an image.
cross(int, String...) - Static method in interface smile.data.formula.Terms
Factor crossing of two or more factors.
cross(String...) - Static method in interface smile.data.formula.Terms
Factor crossing of two or more factors.
crossEntropy() - Static method in interface smile.deep.Loss
Cross Entropy Loss Function.
crossEntropy() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the crossEntropy record component.
crossEntropy(Tensor, Tensor, String, long) - Static method in class smile.deep.tensor.Tensor
Computes the cross entropy loss between input logits and target.
CrossEntropy - Interface in smile.validation.metric
Cross entropy generalizes the log loss metric to multiclass problems.
crossover(BitString) - Method in class smile.gap.BitString
 
crossover(T) - Method in interface smile.gap.Chromosome
Returns a pair of offsprings by crossovering this one with another one according to the crossover rate, which determines how often will be crossover performed.
Crossover - Enum Class in smile.gap
The types of crossover operation.
CrossValidation - Interface in smile.validation
Cross-validation is a technique for assessing how the results of a statistical analysis will generalize to an independent data set.
crot_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int crot_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s)
crot_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int crot_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s)
crot_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int crot_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s)
crot_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int crot_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx, __CLPK_complex *__cy, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_complex *__s)
csin(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double csin(_Complex double __z)
csin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double csin(_Complex double __z)
csin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double csin(_Complex double __z)
csin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double csin(_Complex double __z)
csinf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float csinf(_Complex float __z)
csinf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float csinf(_Complex float __z)
csinf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float csinf(_Complex float __z)
csinf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float csinf(_Complex float __z)
csinh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double csinh(_Complex double __z)
csinh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double csinh(_Complex double __z)
csinh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double csinh(_Complex double __z)
csinh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double csinh(_Complex double __z)
csinhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float csinhf(_Complex float __z)
csinhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float csinhf(_Complex float __z)
csinhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float csinhf(_Complex float __z)
csinhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float csinhf(_Complex float __z)
cspcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cspcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cspcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cspcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
cspmv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
cspmv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
cspmv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
cspmv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__ap, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
cspr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cspr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__ap)
cspr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cspr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__ap)
cspr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cspr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__ap)
cspr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cspr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__ap)
csprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cspsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cspsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cspsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cspsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
cspsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cspsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cspsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
cspsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__afp, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csptrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csptri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csqrt(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double csqrt(_Complex double __z)
csqrt$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double csqrt(_Complex double __z)
csqrt$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double csqrt(_Complex double __z)
csqrt$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double csqrt(_Complex double __z)
csqrtf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float csqrtf(_Complex float __z)
csqrtf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float csqrtf(_Complex float __z)
csqrtf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float csqrtf(_Complex float __z)
csqrtf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float csqrtf(_Complex float __z)
csrscl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csrscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_complex *__sx, __CLPK_integer *__incx)
csrscl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csrscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_complex *__sx, __CLPK_integer *__incx)
csrscl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csrscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_complex *__sx, __CLPK_integer *__incx)
csrscl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csrscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_complex *__sx, __CLPK_integer *__incx)
cstedc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstedc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstedc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstedc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstegr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstegr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstegr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstegr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cstein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cstein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cstein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
cstemr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstemr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstemr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
cstemr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
csteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
csteqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
csteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
csteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
csv(String) - Static method in interface smile.io.Read
Reads a CSV file.
csv(String, char, Map, String...) - Method in class smile.data.SQL
Creates an in-memory table from csv files.
csv(String, String) - Static method in interface smile.io.Read
Reads a CSV file.
csv(String, String...) - Method in class smile.data.SQL
Creates an in-memory table from csv files.
csv(String, Map) - Method in class smile.plot.vega.Data
Loads a comma-separated values (CSV) file
csv(String, CSVFormat) - Static method in interface smile.io.Read
Reads a CSV file.
csv(String, CSVFormat, StructType) - Static method in interface smile.io.Read
Reads a CSV file.
csv(Path) - Static method in interface smile.io.Read
Reads a CSV file.
csv(Path, CSVFormat) - Static method in interface smile.io.Read
Reads a CSV file.
csv(Path, CSVFormat, StructType) - Static method in interface smile.io.Read
Reads a CSV file.
csv(DataFrame, Path) - Static method in interface smile.io.Write
Writes a CSV file.
csv(DataFrame, Path, CSVFormat) - Static method in interface smile.io.Write
Writes a CSV file.
CSV - Class in smile.io
Reads and writes files in variations of the Comma Separated Value (CSV) format.
CSV() - Constructor for class smile.io.CSV
Constructor.
CSV(CSVFormat) - Constructor for class smile.io.CSV
Constructor.
csycon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csycon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
csycon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csycon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
csycon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csycon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
csycon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csycon_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_integer *__info)
csyequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
csyequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
csyequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
csyequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_complex *__work, __CLPK_integer *__info)
csymv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csymv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
csymv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csymv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
csymv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csymv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
csymv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csymv_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__beta, __CLPK_complex *__y, __CLPK_integer *__incy)
csyr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csyr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__a, __CLPK_integer *__lda)
csyr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csyr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__a, __CLPK_integer *__lda)
csyr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csyr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__a, __CLPK_integer *__lda)
csyr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csyr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__x, __CLPK_integer *__incx, __CLPK_complex *__a, __CLPK_integer *__lda)
csyrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csyrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csyrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csyrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
csysv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csysv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csysv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csysv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csysvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
csysvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
csysvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
csysvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_real *__rwork, __CLPK_integer *__info)
csytf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csytf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csytf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csytf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
csytrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csytrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csytrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csytrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
csytri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csytri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csytri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csytri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csytri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csytri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csytri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csytri_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__work, __CLPK_integer *__info)
csytrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int csytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csytrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int csytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csytrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int csytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
csytrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int csytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctan(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double ctan(_Complex double __z)
ctan$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double ctan(_Complex double __z)
ctan$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double ctan(_Complex double __z)
ctan$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double ctan(_Complex double __z)
ctanf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float ctanf(_Complex float __z)
ctanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float ctanf(_Complex float __z)
ctanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float ctanf(_Complex float __z)
ctanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float ctanf(_Complex float __z)
ctanh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double ctanh(_Complex double __z)
ctanh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double ctanh(_Complex double __z)
ctanh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double ctanh(_Complex double __z)
ctanh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double ctanh(_Complex double __z)
ctanhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float ctanhf(_Complex float __z)
ctanhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float ctanhf(_Complex float __z)
ctanhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float ctanhf(_Complex float __z)
ctanhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float ctanhf(_Complex float __z)
ctbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_complex *__ab, __CLPK_integer *__ldab, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctermid(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern char *ctermid(char *__s)
ctermid$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern char *ctermid(char *__s)
ctermid$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern char *ctermid(char *__s)
ctermid$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern char *ctermid(char *__s)
ctfsm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb)
ctfsm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb)
ctfsm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb)
ctfsm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__alpha, __CLPK_complex *__a, __CLPK_complex *__b, __CLPK_integer *__ldb)
ctftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
ctftri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
ctftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
ctftri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__info)
ctfttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__ap, __CLPK_integer *__info)
ctfttp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__ap, __CLPK_integer *__info)
ctfttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__ap, __CLPK_integer *__info)
ctfttp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__ap, __CLPK_integer *__info)
ctfttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctfttr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctfttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctfttr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__arf, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctgevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__s, __CLPK_integer *__lds, __CLPK_complex *__p, __CLPK_integer *__ldp, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctgevc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__s, __CLPK_integer *__lds, __CLPK_complex *__p, __CLPK_integer *__ldp, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctgevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__s, __CLPK_integer *__lds, __CLPK_complex *__p, __CLPK_integer *__ldp, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctgevc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__s, __CLPK_integer *__lds, __CLPK_complex *__p, __CLPK_integer *__ldp, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctgex2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ctgex2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ctgex2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ctgex2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ctgexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctgexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctgexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctgexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctgsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ctgsen_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ctgsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ctgsen_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__alpha, __CLPK_complex *__beta, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ctgsja_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ctgsja_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ctgsja_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ctgsja_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_complex *__u, __CLPK_integer *__ldu, __CLPK_complex *__v, __CLPK_integer *__ldv, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ctgsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__info)
ctgsy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__info)
ctgsy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__info)
ctgsy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__info)
ctgsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsyl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctgsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__d__, __CLPK_integer *__ldd, __CLPK_complex *__e, __CLPK_integer *__lde, __CLPK_complex *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ctpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctpcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
ctptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
ctptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
ctptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_integer *__info)
ctptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__ap, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctpttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__arf, __CLPK_integer *__info)
ctpttf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__arf, __CLPK_integer *__info)
ctpttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__arf, __CLPK_integer *__info)
ctpttf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__arf, __CLPK_integer *__info)
ctpttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctpttr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctpttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctpttr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrevc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrevc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrexc_(char *__compq, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctrexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrexc_(char *__compq, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctrexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrexc_(char *__compq, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctrexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrexc_(char *__compq, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ctrrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_complex *__work, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__w, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctrsen_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__w, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctrsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__w, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctrsen_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__w, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctrsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__ldwork, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrsna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__ldwork, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__ldwork, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrsna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_complex *__t, __CLPK_integer *__ldt, __CLPK_complex *__vl, __CLPK_integer *__ldvl, __CLPK_complex *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_complex *__work, __CLPK_integer *__ldwork, __CLPK_real *__rwork, __CLPK_integer *__info)
ctrsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
ctrsyl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
ctrsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
ctrsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
ctrti2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrti2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrti2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrti2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrtri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrtri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrtri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrtri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ctrtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctrtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctrtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctrtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ctrttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__arf, __CLPK_integer *__info)
ctrttf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__arf, __CLPK_integer *__info)
ctrttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__arf, __CLPK_integer *__info)
ctrttf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__arf, __CLPK_integer *__info)
ctrttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__ap, __CLPK_integer *__info)
ctrttp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__ap, __CLPK_integer *__info)
ctrttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__ap, __CLPK_integer *__info)
ctrttp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__ap, __CLPK_integer *__info)
ctzrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_integer *__info)
ctzrqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_integer *__info)
ctzrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_integer *__info)
ctzrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_integer *__info)
ctzrzf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ctzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctzrzf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ctzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctzrzf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ctzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ctzrzf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ctzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
CubicSplineInterpolation1D - Class in smile.interpolation
Cubic spline interpolation.
CubicSplineInterpolation1D(double[], double[]) - Constructor for class smile.interpolation.CubicSplineInterpolation1D
Constructor.
CubicSplineInterpolation2D - Class in smile.interpolation
Cubic spline interpolation in a two-dimensional regular grid.
CubicSplineInterpolation2D(double[], double[], double[][]) - Constructor for class smile.interpolation.CubicSplineInterpolation2D
Constructor.
CUDA - Enum constant in enum class smile.deep.tensor.DeviceType
NVIDIA GPU
CUDA - Interface in smile.deep
NVIDIA CUDA helper functions.
CUDA() - Static method in class smile.deep.tensor.Device
Returns the default NVIDIA CUDA device.
CUDA(byte) - Static method in class smile.deep.tensor.Device
Returns the NVIDIA CUDA device.
cumulative(boolean) - Method in class smile.plot.vega.DensityTransform
Produces density estimates or cumulative density estimates.
cumulativeVarianceProportion() - Method in class smile.feature.extraction.PCA
Returns the cumulative proportion of variance contained in principal components, ordered from largest to smallest.
cung2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cung2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunghr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunghr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunghr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunghr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cunglq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunglq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunglq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunglq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__info)
cungrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cungtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunm2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunm2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmhr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmhr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmhr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmhr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunml2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunml2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunml2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunml2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmlq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmlq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmlq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmlq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cunmrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cunmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
cupgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
cupgtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
cupgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
cupgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__q, __CLPK_integer *__ldq, __CLPK_complex *__work, __CLPK_integer *__info)
cupmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int cupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cupmtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int cupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cupmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int cupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
cupmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int cupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__ap, __CLPK_complex *__tau, __CLPK_complex *__c__, __CLPK_integer *__ldc, __CLPK_complex *__work, __CLPK_integer *__info)
Currency - Static variable in interface smile.data.measure.Measure
Currency.
CURRENCY - Static variable in class smile.swing.table.NumberCellRenderer
Current cell renderer.
cursor(String) - Method in class smile.plot.vega.Background
Sets the mouse cursor used over the view.
cursor(String) - Method in class smile.plot.vega.ViewConfig
Sets the mouse cursor used over the view.
customFormatTypes(boolean) - Method in class smile.plot.vega.FormatConfig
Allow the formatType property for text marks and guides to accept a custom formatter function registered as a Vega expression.
CYAN - Static variable in class smile.plot.swing.Palette
The color cyan with an RGB value of #00FFFF

D

d - Variable in class smile.vq.BIRCH
The dimensionality of data.
d() - Method in record class smile.manifold.IsoMap.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.IsotonicMDS.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.KPCA.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.LLE.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.MDS.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.TSNE.Options
Returns the value of the d record component.
d() - Method in record class smile.manifold.UMAP.Options
Returns the value of the d record component.
d() - Method in record class smile.stat.hypothesis.KSTest
Returns the value of the d record component.
d(byte[], byte[]) - Static method in class smile.math.distance.HammingDistance
Returns Hamming distance between the two byte arrays.
d(char[], char[]) - Method in class smile.math.distance.EditDistance
Edit distance between two strings.
d(double[], double[]) - Method in class smile.math.distance.ChebyshevDistance
Chebyshev distance between the two arrays of type double.
d(double[], double[]) - Method in class smile.math.distance.CorrelationDistance
Pearson correlation distance between the two arrays of type double.
d(double[], double[]) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping without path constraints.
d(double[], double[]) - Method in class smile.math.distance.EuclideanDistance
Euclidean distance between the two arrays of type double.
d(double[], double[]) - Method in class smile.math.distance.JensenShannonDistance
 
d(double[], double[]) - Method in class smile.math.distance.MahalanobisDistance
 
d(double[], double[]) - Method in class smile.math.distance.ManhattanDistance
Manhattan distance between two arrays of type double.
d(double[], double[]) - Method in class smile.math.distance.MinkowskiDistance
Minkowski distance between the two arrays of type double.
d(double[], double[], int) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping with Sakoe-Chiba band, which primarily to prevent unreasonable warping and also improve computational cost.
d(float[], float[]) - Static method in class smile.math.distance.ChebyshevDistance
Chebyshev distance between the two arrays of type float.
d(float[], float[]) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping without path constraints.
d(float[], float[]) - Method in class smile.math.distance.EuclideanDistance
Euclidean distance between the two arrays of type float.
d(float[], float[]) - Method in class smile.math.distance.ManhattanDistance
Manhattan distance between two arrays of type float.
d(float[], float[]) - Method in class smile.math.distance.MinkowskiDistance
Minkowski distance between the two arrays of type float.
d(float[], float[], int) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping with Sakoe-Chiba band, which primarily to prevent unreasonable warping and also improve computational cost.
d(int[], int[]) - Static method in class smile.math.distance.ChebyshevDistance
Chebyshev distance between the two arrays of type integer.
d(int[], int[]) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping without path constraints.
d(int[], int[]) - Method in class smile.math.distance.EuclideanDistance
Euclidean distance between the two arrays of type integer.
d(int[], int[]) - Method in class smile.math.distance.HammingDistance
 
d(int[], int[]) - Method in class smile.math.distance.LeeDistance
 
d(int[], int[]) - Method in class smile.math.distance.ManhattanDistance
Manhattan distance between two arrays of type integer.
d(int[], int[]) - Method in class smile.math.distance.MinkowskiDistance
Minkowski distance between the two arrays of type integer.
d(int[], int[], int) - Static method in class smile.math.distance.DynamicTimeWarping
Dynamic time warping with Sakoe-Chiba band, which primarily to prevent unreasonable warping and also improve computational cost.
d(int, int) - Method in class smile.clustering.linkage.Linkage
Returns the distance/dissimilarity between two clusters/objects, which are indexed by integers.
d(int, int) - Static method in class smile.math.distance.HammingDistance
Returns Hamming distance between the two integers.
d(long, long) - Static method in class smile.math.distance.HammingDistance
Returns Hamming distance between the two long integers.
d(short[], short[]) - Static method in class smile.math.distance.HammingDistance
Returns Hamming distance between the two short arrays.
d(String, String) - Method in class smile.math.distance.EditDistance
Edit distance between two strings.
d(String, String) - Method in class smile.taxonomy.TaxonomicDistance
Computes the distance between two concepts in a taxonomy.
d(BitSet, BitSet) - Method in class smile.math.distance.HammingDistance
Returns Hamming distance between the two bit sets.
d(Set, Set) - Static method in class smile.math.distance.JaccardDistance
Returns the Jaccard distance between sets.
d(Concept, Concept) - Method in class smile.taxonomy.TaxonomicDistance
Computes the distance between two concepts in a taxonomy.
d(SparseArray, SparseArray) - Method in class smile.math.distance.SparseChebyshevDistance
 
d(SparseArray, SparseArray) - Method in class smile.math.distance.SparseEuclideanDistance
 
d(SparseArray, SparseArray) - Method in class smile.math.distance.SparseManhattanDistance
 
d(SparseArray, SparseArray) - Method in class smile.math.distance.SparseMinkowskiDistance
 
d(T[], T[]) - Method in class smile.math.distance.DynamicTimeWarping
 
d(T[], T[]) - Method in class smile.math.distance.JaccardDistance
 
d(T, T) - Method in interface smile.math.distance.Distance
Returns the distance measure between two objects.
D4Wavelet - Class in smile.wavelet
The simplest and most localized wavelet, Daubechies wavelet of 4 coefficients.
D4Wavelet() - Constructor for class smile.wavelet.D4Wavelet
Constructor.
damerau(char[], char[]) - Static method in class smile.math.distance.EditDistance
Damerau-Levenshtein distance between two strings allows insertion, deletion, substitution, or transposition of characters.
damerau(String, String) - Static method in class smile.math.distance.EditDistance
Damerau-Levenshtein distance between two strings allows insertion, deletion, substitution, or transposition of characters.
DARK_BLUE - Static variable in class smile.plot.swing.Palette
The color dark blue with an RGB value of #00008B
DARK_CYAN - Static variable in class smile.plot.swing.Palette
The color dark cyan with an RGB value of #008B8B
DARK_GOLDENROD - Static variable in class smile.plot.swing.Palette
The color dark goldenrod with an RGB value of #B8860B
DARK_GRAY - Static variable in class smile.plot.swing.Palette
The color dark gray with an RGB value of #A9A9A9
DARK_GREEN - Static variable in class smile.plot.swing.Palette
The color dark green with an RGB value of #006400
DARK_GREY - Static variable in class smile.plot.swing.Palette
The color dark grey with an RGB value of #A9A9A9
DARK_KHAKI - Static variable in class smile.plot.swing.Palette
The color dark khaki with an RGB value of #BDB76B
DARK_MAGENTA - Static variable in class smile.plot.swing.Palette
The color dark magenta with an RGB value of #8B008B
DARK_OLIVE_GREEN - Static variable in class smile.plot.swing.Palette
The color dark olive green with an RGB value of #556B2F
DARK_ORANGE - Static variable in class smile.plot.swing.Palette
The color dark orange with an RGB value of #FF8C00
DARK_ORCHID - Static variable in class smile.plot.swing.Palette
The color dark orchid with an RGB value of #9932CC
DARK_RED - Static variable in class smile.plot.swing.Palette
The color dark red with an RGB value of #8B0000
DARK_SALMON - Static variable in class smile.plot.swing.Palette
The color dark salmon with an RGB value of #E9967A
DARK_SEAGREEN - Static variable in class smile.plot.swing.Palette
The color dark sea green with an RGB value of #8FBC8F
DARK_SLATE_BLUE - Static variable in class smile.plot.swing.Palette
The color dark slate blue with an RGB value of #483D8B
DARK_SLATE_GRAY - Static variable in class smile.plot.swing.Palette
The color dark slate gray with an RGB value of #2F4F4F
DARK_SLATE_GREY - Static variable in class smile.plot.swing.Palette
The color dark slate grey with an RGB value of #2F4F4F
DARK_TURQUOISE - Static variable in class smile.plot.swing.Palette
The color dark turquoise with an RGB value of #00CED1
DARK_VIOLET - Static variable in class smile.plot.swing.Palette
The color dark violet with an RGB value of #9400D3
DASH - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation -
DASH - Enum constant in enum class smile.plot.swing.Line.Style
Dash line.
data - Variable in class smile.neighbor.LSH
The data objects.
data() - Method in record class smile.datasets.Ailerons
Returns the value of the data record component.
data() - Method in record class smile.datasets.AutoMPG
Returns the value of the data record component.
data() - Method in record class smile.datasets.Bank32nh
Returns the value of the data record component.
data() - Method in record class smile.datasets.BitcoinPrice
Returns the value of the data record component.
data() - Method in record class smile.datasets.BostonHousing
Returns the value of the data record component.
data() - Method in record class smile.datasets.BreastCancer
Returns the value of the data record component.
data() - Method in record class smile.datasets.CalHousing
Returns the value of the data record component.
data() - Method in record class smile.datasets.CPU
Returns the value of the data record component.
data() - Method in record class smile.datasets.Default
Returns the value of the data record component.
data() - Method in record class smile.datasets.Diabetes
Returns the value of the data record component.
data() - Method in record class smile.datasets.Eurodist
Returns the value of the data record component.
data() - Method in record class smile.datasets.Iris
Returns the value of the data record component.
data() - Method in record class smile.datasets.Kin8nm
Returns the value of the data record component.
data() - Method in record class smile.datasets.LibrasMovement
Returns the value of the data record component.
data() - Method in record class smile.datasets.Longley
Returns the value of the data record component.
data() - Method in record class smile.datasets.MNIST
Returns the value of the data record component.
data() - Method in record class smile.datasets.PenDigits
Returns the value of the data record component.
data() - Method in record class smile.datasets.Planes2D
Returns the value of the data record component.
data() - Method in record class smile.datasets.Puma8NH
Returns the value of the data record component.
data() - Method in record class smile.datasets.SwissRoll
Returns the value of the data record component.
data() - Method in record class smile.datasets.SyntheticControl
Returns the value of the data record component.
data() - Method in record class smile.datasets.USArrests
Returns the value of the data record component.
data() - Method in record class smile.datasets.Weather
Returns the value of the data record component.
data() - Method in record class smile.datasets.WeatherNominal
Returns the value of the data record component.
data() - Method in record class smile.deep.SampleBatch
Returns the value of the data record component.
data() - Method in class smile.plot.vega.LookupData
Returns the secondary data source.
data() - Method in class smile.plot.vega.VegaLite
Returns the data specification object.
data(String) - Static method in interface smile.io.Read
Reads a data file.
data(String, String) - Static method in interface smile.io.Read
Reads a data file.
Data - Class in smile.plot.vega
The basic data model used by Vega-Lite is tabular data.
DataFrame - Record Class in smile.data
Two-dimensional, potentially heterogeneous tabular data.
DataFrame(RowIndex, ValueVector...) - Constructor for record class smile.data.DataFrame
Constructor.
DataFrame(StructType, List, RowIndex) - Constructor for record class smile.data.DataFrame
Constructor.
DataFrame(ValueVector...) - Constructor for record class smile.data.DataFrame
Constructor.
DataFrameClassifier - Interface in smile.classification
Classification trait on DataFrame.
DataFrameClassifier.Trainer<M> - Interface in smile.classification
The classifier trainer.
DataFrameRegression - Interface in smile.regression
Regression trait on DataFrame.
DataFrameRegression.Trainer<M> - Interface in smile.regression
The regression trainer.
Dataset<D,T> - Interface in smile.data
An immutable collection of data objects.
Dataset - Interface in smile.deep
A dataset consists of data and an associated target (label) and can be iterated in mini-batches.
DataType - Interface in smile.data.type
The interface of data types.
DataType.ID - Enum Class in smile.data.type
Data type ID.
DataTypes - Interface in smile.data.type
To get a specific data type, users should use singleton objects and factory methods in this class.
date(String, DateFeature...) - Static method in interface smile.data.formula.Terms
Extracts date/time features.
Date - Class in smile.data.formula
Date/time feature extractor.
Date - Enum constant in enum class smile.data.type.DataType.ID
Date type ID.
Date(String, DateFeature...) - Constructor for class smile.data.formula.Date
Constructor.
DATE - Static variable in interface smile.util.Regex
Date regular expression pattern.
DateCellEditor - Class in smile.swing.table
Implements a cell editor that uses a formatted text field to edit Date values.
DateCellEditor(String) - Constructor for class smile.swing.table.DateCellEditor
Constructor.
DateCellEditor(DateFormat) - Constructor for class smile.swing.table.DateCellEditor
Constructor.
DateCellRenderer - Class in smile.swing.table
Date cell renderer.
DateCellRenderer(String) - Constructor for class smile.swing.table.DateCellRenderer
Constructor.
DateCellRenderer(DateFormat) - Constructor for class smile.swing.table.DateCellRenderer
Constructor.
DateFeature - Enum Class in smile.data.formula
The date/time features.
Dates - Interface in smile.util
Date and time utility functions.
DateTime - Enum constant in enum class smile.data.type.DataType.ID
DateTime type ID.
DATETIME - Static variable in interface smile.util.Regex
Datetime regular expression pattern.
DateTimeType - Class in smile.data.type
DateTime data type.
DateTimeType - Static variable in interface smile.data.type.DataTypes
DateTime data type with ISO format.
DateType - Class in smile.data.type
Date data type.
DateType - Static variable in interface smile.data.type.DataTypes
Date data type with ISO format.
DaubechiesWavelet - Class in smile.wavelet
Daubechies wavelets.
DaubechiesWavelet(int) - Constructor for class smile.wavelet.DaubechiesWavelet
Constructor.
DAY_OF_MONTH - Enum constant in enum class smile.data.formula.DateFeature
The day of month represented by an integer from 1 to 31 in the usual manner.
DAY_OF_WEEK - Enum constant in enum class smile.data.formula.DateFeature
The day of week represented by an integer from 1 to 7; 1 is Monday, 2 is Tuesday, and so forth; thus 7 is Sunday.
DAY_OF_YEAR - Enum constant in enum class smile.data.formula.DateFeature
The day of year represented by an integer from 1 to 365, or 366 in a leap year.
dbdsdc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__q, __CLPK_integer *__iq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dbdsdc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__q, __CLPK_integer *__iq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dbdsdc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__q, __CLPK_integer *__iq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dbdsdc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__q, __CLPK_integer *__iq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dbdsqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dbdsqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dbdsqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dbdsqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
DBSCAN<T> - Class in smile.clustering
Density-Based Spatial Clustering of Applications with Noise.
DBSCAN(int, int[], boolean[], int, double, RNNSearch) - Constructor for class smile.clustering.DBSCAN
Constructor.
ddisna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ddisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__sep, __CLPK_integer *__info)
ddisna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ddisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__sep, __CLPK_integer *__info)
ddisna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ddisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__sep, __CLPK_integer *__info)
ddisna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ddisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__sep, __CLPK_integer *__info)
Decimal - Enum constant in enum class smile.data.type.DataType.ID
Decimal type ID.
DECIMAL_FORMAT - Static variable in interface smile.util.Strings
Decimal format for floating numbers.
DecimalType - Class in smile.data.type
Arbitrary-precision decimal data type.
DecimalType - Static variable in interface smile.data.type.DataTypes
Decimal data type.
DecisionNode - Class in smile.base.cart
A leaf node in decision tree.
DecisionNode(int[]) - Constructor for class smile.base.cart.DecisionNode
Constructor.
DecisionTree - Class in smile.classification
Decision tree.
DecisionTree(DataFrame, int[], StructField, int, SplitRule, int, int, int, int, int[], int[][]) - Constructor for class smile.classification.DecisionTree
Constructor.
DecisionTree.Options - Record Class in smile.classification
Decision tree hyperparameters.
decode(int[]) - Method in class smile.llm.tokenizer.SentencePiece
 
decode(int[]) - Method in class smile.llm.tokenizer.Tiktoken
 
decode(int[]) - Method in interface smile.llm.tokenizer.Tokenizer
Decodes a list of token IDs into a string.
decrease(E) - Method in class smile.util.PairingHeap.Node
Decreases the value of an element.
decrement() - Method in class smile.util.MutableInt
Decrement by one.
decrement(int) - Method in class smile.util.MutableInt
Decrement.
DEEP_PINK - Static variable in class smile.plot.swing.Palette
The color deep pink with an RGB value of #FF1493
DEEP_SKYBLUE - Static variable in class smile.plot.swing.Palette
The color deep sky blue with an RGB value of #00BFFF
Default - Record Class in smile.datasets
Credit card default dataset.
Default() - Constructor for record class smile.datasets.Default
Constructor.
Default(Path) - Constructor for record class smile.datasets.Default
Constructor.
Default(DataFrame, Formula) - Constructor for record class smile.datasets.Default
Creates an instance of a Default record class.
DEFAULT - Enum constant in enum class smile.nlp.dictionary.EnglishStopWords
Default stop words list.
DEFAULT_MEAN - Static variable in interface smile.vision.transform.Transform
The default mean value of pixel RGB after normalized to [0, 1].
DEFAULT_STD - Static variable in interface smile.vision.transform.Transform
The default standard deviation of pixel RGB after normalized to [0, 1].
DefaultTableHeaderCellRenderer - Class in smile.swing.table
A default cell renderer for a JTableHeader.
DefaultTableHeaderCellRenderer() - Constructor for class smile.swing.table.DefaultTableHeaderCellRenderer
Constructs a DefaultTableHeaderCellRenderer.
degree() - Method in class smile.math.kernel.Polynomial
Returns the degree of polynomial.
delete(String) - Static method in interface smile.data.formula.Terms
Deletes a variable or the intercept ("1") from the formula.
delete(Term) - Static method in interface smile.data.formula.Terms
Deletes a term from the formula.
Delete - Class in smile.data.formula
Remove a factor from the formula.
Delete(Term) - Constructor for class smile.data.formula.Delete
Constructor.
DENCLUE - Class in smile.clustering
DENsity CLUstering.
DENCLUE(int, int[], double[][], double[], double[][], double, double) - Constructor for class smile.clustering.DENCLUE
Constructor.
DENCLUE.Options - Record Class in smile.clustering
DENCLUE hyperparameters.
Dendrogram - Class in smile.plot.swing
A dendrogram is a tree diagram frequently used to illustrate the arrangement of the clusters produced by hierarchical clustering.
Dendrogram(int[][], double[]) - Constructor for class smile.plot.swing.Dendrogram
Constructor.
Dendrogram(int[][], double[], Color) - Constructor for class smile.plot.swing.Dendrogram
Constructor.
denoise(double[], Wavelet) - Static method in interface smile.wavelet.WaveletShrinkage
Adaptive hard-thresholding denoising a time series with given wavelet.
denoise(double[], Wavelet, boolean) - Static method in interface smile.wavelet.WaveletShrinkage
Adaptive denoising a time series with given wavelet.
DenseMatrix - Class in smile.tensor
A dense matrix is a matrix where a large proportion of its elements are non-zero.
density(String, String...) - Method in class smile.plot.vega.Transform
Adds a density transformation.
DensityTransform - Class in smile.plot.vega
The density transform performs one-dimensional kernel density estimation over an input data stream and generates a new data stream of samples of the estimated densities.
depth() - Method in class smile.base.cart.InternalNode
 
depth() - Method in class smile.base.cart.LeafNode
 
depth() - Method in interface smile.base.cart.Node
Returns the maximum depth of the tree -- the number of nodes along the longest path from this node down to the farthest leaf node.
descent(double[][], int) - Static method in record class smile.graph.NearestNeighborGraph
Creates an approximate nearest neighbor graph with random projection forest and Euclidean distance.
descent(double[][], int, int, int, int, int, double) - Static method in record class smile.graph.NearestNeighborGraph
Creates an approximate nearest neighbor graph with random projection forest and Euclidean distance.
descent(T[], Metric, int) - Static method in record class smile.graph.NearestNeighborGraph
Creates an approximate nearest neighbor graph with the NN-Descent algorithm.
descent(T[], Metric, int, int, int, double) - Static method in record class smile.graph.NearestNeighborGraph
Creates an approximate nearest neighbor graph with the NN-Descent algorithm.
describe() - Method in record class smile.data.DataFrame
Returns the data structure and statistics.
describe(String) - Method in class smile.data.SQL
Returns the columns in a table.
description(String) - Method in class smile.plot.vega.Axis
Sets the text description of this axis for ARIA accessibility (SVG output only).
description(String) - Method in class smile.plot.vega.Concat
 
description(String) - Method in class smile.plot.vega.Facet
 
description(String) - Method in class smile.plot.vega.Legend
Sets the text description of this legend for ARIA accessibility (SVG output only).
description(String) - Method in class smile.plot.vega.Mark
Sets the description.
description(String) - Method in class smile.plot.vega.Repeat
 
description(String) - Method in class smile.plot.vega.VegaLite
Sets the description of this mark for commenting purpose.
description(String) - Method in class smile.plot.vega.View
 
descriptor() - Method in class smile.linalg.blas.cblas_h.cblas_xerbla
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.dprintf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.fprintf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.fscanf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.printf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.scanf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.snprintf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.sprintf
Returns the specialized descriptor.
descriptor() - Method in class smile.linalg.blas.cblas_h.sscanf
Returns the specialized descriptor.
det() - Method in record class smile.tensor.Cholesky
Returns the matrix determinant.
det() - Method in record class smile.tensor.LU
Returns the matrix determinant.
detach() - Method in class smile.deep.tensor.Tensor
Returns a new tensor, detached from the current graph.
DeterministicAnnealing - Class in smile.clustering
Deterministic annealing clustering.
DeterministicAnnealing.Options - Record Class in smile.clustering
Deterministic annealing hyperparameters.
deviance - Variable in class smile.glm.GLM
The deviance = 2 * (LogLikelihood(Saturated Model) - LogLikelihood(Proposed Model)).
deviance() - Method in class smile.base.cart.DecisionNode
 
deviance() - Method in class smile.base.cart.InternalNode
 
deviance() - Method in interface smile.base.cart.Node
Returns the deviance of node.
deviance() - Method in class smile.base.cart.RegressionNode
 
deviance() - Method in class smile.glm.GLM
Returns the deviance of model.
deviance(double[], double[], double[]) - Method in interface smile.glm.model.Model
The deviance function.
deviance(int[], double[]) - Static method in class smile.base.cart.DecisionNode
Returns the deviance of node.
devianceResiduals - Variable in class smile.glm.GLM
The deviance residuals.
devianceResiduals() - Method in class smile.glm.GLM
Returns the deviance residuals.
device - Variable in class smile.deep.layer.LayerBlock
The compute device.
device() - Static method in interface smile.deep.CUDA
Returns the default CUDA device.
device() - Method in class smile.deep.layer.LayerBlock
Returns the compute device of module.
device() - Method in class smile.deep.Model
Returns the device on which the model is stored.
device() - Method in class smile.deep.tensor.Tensor
Returns the device on which the tensor is.
device(byte) - Static method in interface smile.deep.CUDA
Returns the CUDA device of given index.
device(Device) - Method in class smile.deep.tensor.Tensor.Options
Sets a compute device on which a tensor is stored.
Device - Class in smile.deep.tensor
The compute device on which a tensor is stored.
Device(DeviceType) - Constructor for class smile.deep.tensor.Device
Constructor.
Device(DeviceType, byte) - Constructor for class smile.deep.tensor.Device
Constructor.
deviceCount() - Static method in interface smile.deep.CUDA
Returns the number of CUDA devices.
DeviceType - Enum Class in smile.deep.tensor
The compute device type.
df - Variable in class smile.glm.GLM
The degrees of freedom of the residual deviance.
df - Variable in class smile.timeseries.BoxTest
The degree of freedom.
df() - Method in record class smile.data.Row
Returns the value of the df record component.
df() - Method in class smile.regression.LinearModel
Returns the degree-of-freedom of residual standard error.
df() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns the value of the df record component.
df() - Method in record class smile.stat.hypothesis.CorTest
Returns the value of the df record component.
df() - Method in record class smile.stat.hypothesis.TTest
Returns the value of the df record component.
df() - Method in class smile.timeseries.AR
Returns the degree-of-freedom of residual standard error.
df() - Method in class smile.timeseries.ARMA
Returns the degree-of-freedom of residual standard error.
df1() - Method in record class smile.stat.hypothesis.FTest
Returns the value of the df1 record component.
df2() - Method in record class smile.stat.hypothesis.FTest
Returns the value of the df2 record component.
dfcc() - Method in class smile.graph.Graph
Returns the connected components by depth-first search.
dfs(VertexVisitor) - Method in class smile.graph.Graph
DFS search on graph and performs some operation defined in visitor on each vertex during traveling.
dfsort() - Method in class smile.graph.Graph
Reverse topological sort digraph by depth-first search of graph.
dgbbrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__pt, __CLPK_integer *__ldpt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgbbrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__pt, __CLPK_integer *__ldpt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgbbrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__pt, __CLPK_integer *__ldpt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgbbrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__pt, __CLPK_integer *__ldpt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgebak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dgebak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dgebak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dgebak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dgebal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dgebal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dgebal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dgebal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dgebd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgebd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgebd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgebd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgebrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgebrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgebrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgebrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgecon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgecon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgecon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgecon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgeequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgeequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dgees_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgees_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgees_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgees_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgeesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgeesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgeesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgeesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgeev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgeevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgeevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgeevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgegs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgegv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgehd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgehd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgehd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgehd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgehrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgehrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgehrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgehrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgejsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgejsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgejsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgejsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgelq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgels_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgels_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgels_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgels_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgelsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgelsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgelsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgelss_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelss_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelss_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelss_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelsx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelsx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelsx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelsx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgelsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgelsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeql2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeql2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeql2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeql2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqlf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqlf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqlf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqlf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqp3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqp3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqp3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqp3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqpf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqpf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqpf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqpf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgeqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgeqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgerfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgerfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgerfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgerfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgerq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgerq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgerq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgerq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgerqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgerqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgerqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgerqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
dgesc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
dgesc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
dgesc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
dgesdd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesdd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesdd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesdd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgesv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgesvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvj_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvj_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvj_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvj_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgetc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgetc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
dgetc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgetc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
dgetc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgetc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
dgetc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgetc2_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
dgetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgetri_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgetri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgetri_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgetri_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgetri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgetri_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgetrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dggbak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dggbak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dggbak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dggbak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
dggbal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggbal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggbal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggbal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgges_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgges_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgges_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dgges_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublereal *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
dggglm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggglm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggglm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggglm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgghrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dgghrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dgghrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dgghrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dgglse_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgglse_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgglse_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgglse_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggrqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__taua, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__taub, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dggsvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dggsvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dggsvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dggsvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dggsvp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggsvp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggsvp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dggsvp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dgsvj0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgsvj1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__sva, __CLPK_integer *__mv, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__eps, __CLPK_doublereal *__sfmin, __CLPK_doublereal *__tol, __CLPK_integer *__nsweep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dgtcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgtsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgtsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgtsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgtsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgtsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__dlf, __CLPK_doublereal *__df, __CLPK_doublereal *__duf, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dgttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgttrf_(__CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgttrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgttrf_(__CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgttrf_(__CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgttrf_(__CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dgttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgttrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dgtts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dgtts2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dgtts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dgtts2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dhgeqz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhgeqz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhgeqz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhgeqz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhsein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
dhsein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
dhsein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
dhsein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
dhseqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhseqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhseqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dhseqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
Diabetes - Record Class in smile.datasets
Diabetes dataset.
Diabetes() - Constructor for record class smile.datasets.Diabetes
Constructor.
Diabetes(Path) - Constructor for record class smile.datasets.Diabetes
Constructor.
Diabetes(DataFrame, Formula) - Constructor for record class smile.datasets.Diabetes
Creates an instance of a Diabetes record class.
diag() - Method in class smile.tensor.DenseMatrix
Gets the flag if a triangular matrix has unit diagonal elements.
diag() - Method in record class smile.tensor.EVD
Returns the block diagonal eigenvalue matrix whose diagonal are the real part of eigenvalues, lower subdiagonal are positive imaginary parts, and upper subdiagonal are negative imaginary parts.
diag() - Method in record class smile.tensor.SVD
Returns the diagonal matrix of singular values.
Diag - Enum Class in smile.linalg
The flag if a triangular matrix has unit diagonal elements.
diagflat() - Method in class smile.tensor.Vector
Returns the matrix with the elements of this vector as the diagonal.
diagflat(double[]) - Static method in class smile.tensor.DenseMatrix
Returns the diagonal matrix with the elements of given array.
diagflat(float[]) - Static method in class smile.tensor.DenseMatrix
Returns the diagonal matrix with the elements of given array.
diagonal - Variable in class smile.stat.distribution.MultivariateGaussianDistribution
True if the covariance matrix is diagonal.
diagonal() - Method in interface smile.tensor.Matrix
Returns the diagonal elements.
diagonal() - Method in class smile.tensor.SparseMatrix
 
dialogResultValue - Variable in class smile.swing.FontChooser
The dialog result value.
Dictionary - Interface in smile.nlp.dictionary
A dictionary is a set of words in some natural language.
diff(double[], int) - Static method in interface smile.timeseries.TimeSeries
Returns the first-differencing of time series.
diff(double[], int, int) - Static method in interface smile.timeseries.TimeSeries
Returns the differencing of time series.
DifferentiableFunction - Interface in smile.util.function
A differentiable function is a function whose derivative exists at each point in its domain.
DifferentiableMultivariateFunction - Interface in smile.util.function
A differentiable function is a function whose derivative exists at each point in its domain.
digamma(double) - Static method in class smile.math.special.Gamma
The digamma function is defined as the logarithmic derivative of the gamma function.
DIGITS - Static variable in class smile.math.MathEx
The number of digits (in radix base) in the mantissa.
dijkstra() - Method in class smile.graph.Graph
Calculates the all pair shortest-path by Dijkstra algorithm.
dijkstra(int) - Method in class smile.graph.Graph
Calculate the shortest path from a source to all other vertices in the graph by Dijkstra algorithm.
dijkstra(int, boolean) - Method in class smile.graph.Graph
Calculate the shortest path from a source to all other vertices in the graph by Dijkstra algorithm.
dilation() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the dilation record component.
dim() - Method in class smile.deep.tensor.Tensor
Returns the number of dimensions of tensor.
dim() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the dim record component.
dim() - Method in class smile.tensor.AbstractTensor
 
dim() - Method in interface smile.tensor.Matrix
 
dim() - Method in record class smile.tensor.Scalar
 
dim() - Method in interface smile.tensor.Tensor
Returns the number of dimensions of tensor.
DIM_GRAY - Static variable in class smile.plot.swing.Palette
The color dim gray with an RGB value of #696969
DIM_GREY - Static variable in class smile.plot.swing.Palette
The color dim grey with an RGB value of #696969
dimension() - Method in class smile.classification.Maxent
Returns the dimension of input space.
dimension() - Method in class smile.nlp.embedding.Word2Vec
Returns the dimension of embedding vector space.
dir() - Static method in interface smile.io.CacheFiles
Returns the cache directory path.
direction(String) - Method in class smile.plot.vega.Legend
Sets the direction of the legend, one of "vertical" or "horizontal".
DiscreteDistribution - Class in smile.stat.distribution
Univariate discrete distributions.
DiscreteDistribution() - Constructor for class smile.stat.distribution.DiscreteDistribution
Constructor.
DiscreteExponentialFamily - Interface in smile.stat.distribution
The purpose of this interface is mainly to define the method M that is the Maximization step in the EM algorithm.
DiscreteExponentialFamilyMixture - Class in smile.stat.distribution
The finite mixture of distributions from discrete exponential family.
DiscreteExponentialFamilyMixture(DiscreteMixture.Component...) - Constructor for class smile.stat.distribution.DiscreteExponentialFamilyMixture
Constructor.
discreteHeight(int) - Method in class smile.plot.vega.ViewConfig
Sets the default height when the plot has non arc marks and either a discrete y-field or no y-field.
DiscreteMixture - Class in smile.stat.distribution
The finite mixture of discrete distributions.
DiscreteMixture(DiscreteMixture.Component...) - Constructor for class smile.stat.distribution.DiscreteMixture
Constructor.
DiscreteMixture.Component - Record Class in smile.stat.distribution
A component in the mixture distribution is defined by a distribution and its weight in the mixture.
DiscreteNaiveBayes - Class in smile.classification
Naive Bayes classifier for document classification in NLP.
DiscreteNaiveBayes(DiscreteNaiveBayes.Model, double[], int) - Constructor for class smile.classification.DiscreteNaiveBayes
Constructor of naive Bayes classifier for document classification.
DiscreteNaiveBayes(DiscreteNaiveBayes.Model, double[], int, double, IntSet) - Constructor for class smile.classification.DiscreteNaiveBayes
Constructor of naive Bayes classifier for document classification.
DiscreteNaiveBayes(DiscreteNaiveBayes.Model, int, int) - Constructor for class smile.classification.DiscreteNaiveBayes
Constructor of naive Bayes classifier for document classification.
DiscreteNaiveBayes(DiscreteNaiveBayes.Model, int, int, double, IntSet) - Constructor for class smile.classification.DiscreteNaiveBayes
Constructor of naive Bayes classifier for document classification.
DiscreteNaiveBayes.Model - Enum Class in smile.classification
The generation models of naive Bayes classifier.
discreteWidth(int) - Method in class smile.plot.vega.ViewConfig
Sets the default width when the plot has non-arc marks and either a discrete x-field or no x-field.
disnan_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_logical disnan_(__CLPK_doublereal *__din)
disnan_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_logical disnan_(__CLPK_doublereal *__din)
disnan_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_logical disnan_(__CLPK_doublereal *__din)
disnan_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_logical disnan_(__CLPK_doublereal *__din)
distance - Variable in class smile.vq.hebb.Neuron
The distance between the neuron and an input signal.
distance() - Method in record class smile.clustering.CentroidClustering
Returns the value of the distance record component.
distance() - Method in record class smile.neighbor.Neighbor
Returns the value of the distance record component.
distance(double[]) - Method in class smile.vq.hebb.Neuron
Computes the distance between the neuron and a signal.
distance(double[], double[]) - Static method in class smile.math.MathEx
The Euclidean distance.
distance(float[], float[]) - Static method in class smile.math.MathEx
The Euclidean distance.
distance(int) - Method in record class smile.datasets.SwissRoll
Returns the pairwise distance matrix.
distance(int[], int[]) - Static method in class smile.math.MathEx
The Euclidean distance on binary sparse arrays, which are the indices of nonzero elements in ascending order.
distance(Vector, Vector) - Static method in class smile.math.MathEx
The Euclidean distance.
distance(SparseArray, SparseArray) - Static method in class smile.math.MathEx
The Euclidean distance.
Distance<T> - Interface in smile.math.distance
An interface to calculate a distance measure between two objects.
distances() - Method in record class smile.graph.NearestNeighborGraph
Returns the value of the distances record component.
distanceWithMissingValues(double[], double[]) - Static method in class smile.math.MathEx
The Euclidean distance with handling missing values (represented as NaN).
distinct() - Method in class smile.data.vector.ObjectVector
Returns the distinct values.
distortion() - Method in record class smile.clustering.CentroidClustering
Returns the average squared distance between data points and their respective cluster centers.
distortions() - Method in record class smile.clustering.CentroidClustering
Returns the value of the distortions record component.
distribution() - Method in record class smile.stat.distribution.DiscreteMixture.Component
Returns the value of the distribution record component.
distribution() - Method in record class smile.stat.distribution.Mixture.Component
Returns the value of the distribution record component.
distribution() - Method in record class smile.stat.distribution.MultivariateMixture.Component
Returns the value of the distribution record component.
Distribution - Interface in smile.stat.distribution
Probability distribution of univariate random variable.
div(double) - Method in class smile.deep.tensor.Tensor
Returns A / b.
div(double) - Method in class smile.util.Array2D
A /= x.
div(float) - Method in class smile.deep.tensor.Tensor
Returns A / b.
div(int) - Method in class smile.util.IntArray2D
A /= x.
div(int, double) - Method in class smile.tensor.Vector
Sets A[i] /= x.
div(int, int, double) - Method in class smile.tensor.AtA
 
div(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] /= x.
div(int, int, double) - Method in class smile.tensor.SparseMatrix
 
div(int, int, double) - Method in class smile.util.Array2D
A[i, j] /= x.
div(int, int, int) - Method in class smile.util.IntArray2D
A[i, j] /= x.
div(String, String) - Static method in interface smile.data.formula.Terms
Divides two terms.
div(String, Term) - Static method in interface smile.data.formula.Terms
Divides two terms.
div(Term, String) - Static method in interface smile.data.formula.Terms
Divides two terms.
div(Term, Term) - Static method in interface smile.data.formula.Terms
Divides two terms.
div(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A / B element wisely.
div(Complex) - Method in record class smile.math.Complex
Returns a / b.
div(Array2D) - Method in class smile.util.Array2D
A /= B.
div(IntArray2D) - Method in class smile.util.IntArray2D
A /= B.
Div - Class in smile.data.formula
The term of a / b expression.
Div(Term, Term) - Constructor for class smile.data.formula.Div
Constructor.
div_(double) - Method in class smile.deep.tensor.Tensor
Returns A /= b.
div_(float) - Method in class smile.deep.tensor.Tensor
Returns A /= b.
div_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A /= B element wisely.
divide(int...) - Method in class smile.plot.vega.BinParams
Sets the scale factors indicating allowable subdivisions.
dlabad_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlabad_(__CLPK_doublereal *__small, __CLPK_doublereal *__large)
dlabad_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlabad_(__CLPK_doublereal *__small, __CLPK_doublereal *__large)
dlabad_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlabad_(__CLPK_doublereal *__small, __CLPK_doublereal *__large)
dlabad_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlabad_(__CLPK_doublereal *__small, __CLPK_doublereal *__large)
dlabrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlabrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlabrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlabrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tauq, __CLPK_doublereal *__taup, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlacn2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlacn2_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
dlacn2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlacn2_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
dlacn2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlacn2_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
dlacn2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlacn2_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
dlacon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlacon_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase)
dlacon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlacon_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase)
dlacon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlacon_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase)
dlacon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlacon_(__CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__x, __CLPK_integer *__isgn, __CLPK_doublereal *__est, __CLPK_integer *__kase)
dlacpy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlacpy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlacpy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlacpy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dladiv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dladiv_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__p, __CLPK_doublereal *__q)
dladiv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dladiv_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__p, __CLPK_doublereal *__q)
dladiv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dladiv_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__p, __CLPK_doublereal *__q)
dladiv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dladiv_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__p, __CLPK_doublereal *__q)
dlae2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlae2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2)
dlae2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlae2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2)
dlae2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlae2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2)
dlae2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlae2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2)
dlaebz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_doublereal *__abstol, __CLPK_doublereal *__reltol, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_integer *__nval, __CLPK_doublereal *__ab, __CLPK_doublereal *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaebz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_doublereal *__abstol, __CLPK_doublereal *__reltol, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_integer *__nval, __CLPK_doublereal *__ab, __CLPK_doublereal *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaebz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_doublereal *__abstol, __CLPK_doublereal *__reltol, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_integer *__nval, __CLPK_doublereal *__ab, __CLPK_doublereal *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaebz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_doublereal *__abstol, __CLPK_doublereal *__reltol, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_integer *__nval, __CLPK_doublereal *__ab, __CLPK_doublereal *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlaed2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlaed2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlaed2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlaed3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlaed3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlaed3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlaed3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlaed4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam, __CLPK_integer *__info)
dlaed4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam, __CLPK_integer *__info)
dlaed4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam, __CLPK_integer *__info)
dlaed4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam, __CLPK_integer *__info)
dlaed5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam)
dlaed5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam)
dlaed5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam)
dlaed5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlam)
dlaed6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_doublereal *__rho, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__finit, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dlaed6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_doublereal *__rho, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__finit, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dlaed6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_doublereal *__rho, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__finit, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dlaed6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_doublereal *__rho, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__finit, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dlaed7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed7_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed7_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlaed8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
dlaed8_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
dlaed8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
dlaed8_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
dlaed9_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
dlaed9_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
dlaed9_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
dlaed9_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_doublereal *__dlamda, __CLPK_doublereal *__w, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
dlaeda_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__q, __CLPK_integer *__qptr, __CLPK_doublereal *__z__, __CLPK_doublereal *__ztemp, __CLPK_integer *__info)
dlaeda_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__q, __CLPK_integer *__qptr, __CLPK_doublereal *__z__, __CLPK_doublereal *__ztemp, __CLPK_integer *__info)
dlaeda_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__q, __CLPK_integer *__qptr, __CLPK_doublereal *__z__, __CLPK_doublereal *__ztemp, __CLPK_integer *__info)
dlaeda_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublereal *__q, __CLPK_integer *__qptr, __CLPK_doublereal *__z__, __CLPK_doublereal *__ztemp, __CLPK_integer *__info)
dlaein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vr, __CLPK_doublereal *__vi, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_doublereal *__bignum, __CLPK_integer *__info)
dlaein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vr, __CLPK_doublereal *__vi, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_doublereal *__bignum, __CLPK_integer *__info)
dlaein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vr, __CLPK_doublereal *__vi, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_doublereal *__bignum, __CLPK_integer *__info)
dlaein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__vr, __CLPK_doublereal *__vi, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_doublereal *__bignum, __CLPK_integer *__info)
dlaev2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaev2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublereal *__sn1)
dlaev2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaev2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublereal *__sn1)
dlaev2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaev2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublereal *__sn1)
dlaev2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaev2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublereal *__sn1)
dlaexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlag2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlag2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__safmin, __CLPK_doublereal *__scale1, __CLPK_doublereal *__scale2, __CLPK_doublereal *__wr1, __CLPK_doublereal *__wr2, __CLPK_doublereal *__wi)
dlag2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlag2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__safmin, __CLPK_doublereal *__scale1, __CLPK_doublereal *__scale2, __CLPK_doublereal *__wr1, __CLPK_doublereal *__wr2, __CLPK_doublereal *__wi)
dlag2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlag2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__safmin, __CLPK_doublereal *__scale1, __CLPK_doublereal *__scale2, __CLPK_doublereal *__wr1, __CLPK_doublereal *__wr2, __CLPK_doublereal *__wi)
dlag2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlag2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__safmin, __CLPK_doublereal *__scale1, __CLPK_doublereal *__scale2, __CLPK_doublereal *__wr1, __CLPK_doublereal *__wr2, __CLPK_doublereal *__wi)
dlag2s_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlag2s_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlag2s_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlag2s_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlag2s_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlag2s_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlag2s_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlag2s_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlags2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublereal *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublereal *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublereal *__snu, __CLPK_doublereal *__csv, __CLPK_doublereal *__snv, __CLPK_doublereal *__csq, __CLPK_doublereal *__snq)
dlags2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublereal *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublereal *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublereal *__snu, __CLPK_doublereal *__csv, __CLPK_doublereal *__snv, __CLPK_doublereal *__csq, __CLPK_doublereal *__snq)
dlags2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublereal *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublereal *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublereal *__snu, __CLPK_doublereal *__csv, __CLPK_doublereal *__snv, __CLPK_doublereal *__csq, __CLPK_doublereal *__snq)
dlags2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublereal *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublereal *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublereal *__snu, __CLPK_doublereal *__csv, __CLPK_doublereal *__snv, __CLPK_doublereal *__csq, __CLPK_doublereal *__snq)
dlagtf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlagtf_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__lambda, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__tol, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
dlagtf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlagtf_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__lambda, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__tol, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
dlagtf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlagtf_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__lambda, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__tol, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
dlagtf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlagtf_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__lambda, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__tol, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
dlagtm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlagtm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlagtm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlagtm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dlagts_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_doublereal *__y, __CLPK_doublereal *__tol, __CLPK_integer *__info)
dlagts_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_doublereal *__y, __CLPK_doublereal *__tol, __CLPK_integer *__info)
dlagts_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_doublereal *__y, __CLPK_doublereal *__tol, __CLPK_integer *__info)
dlagts_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_integer *__in, __CLPK_doublereal *__y, __CLPK_doublereal *__tol, __CLPK_integer *__info)
dlagv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlagv2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__csl, __CLPK_doublereal *__snl, __CLPK_doublereal *__csr, __CLPK_doublereal *__snr)
dlagv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlagv2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__csl, __CLPK_doublereal *__snl, __CLPK_doublereal *__csr, __CLPK_doublereal *__snr)
dlagv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlagv2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__csl, __CLPK_doublereal *__snl, __CLPK_doublereal *__csr, __CLPK_doublereal *__snr)
dlagv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlagv2_(__CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__csl, __CLPK_doublereal *__snl, __CLPK_doublereal *__csr, __CLPK_doublereal *__snr)
dlahqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dlahqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dlahqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dlahqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
dlahr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlahrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__y, __CLPK_integer *__ldy)
dlaic1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublereal *__x, __CLPK_doublereal *__sest, __CLPK_doublereal *__w, __CLPK_doublereal *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublereal *__s, __CLPK_doublereal *__c__)
dlaic1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublereal *__x, __CLPK_doublereal *__sest, __CLPK_doublereal *__w, __CLPK_doublereal *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublereal *__s, __CLPK_doublereal *__c__)
dlaic1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublereal *__x, __CLPK_doublereal *__sest, __CLPK_doublereal *__w, __CLPK_doublereal *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublereal *__s, __CLPK_doublereal *__c__)
dlaic1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublereal *__x, __CLPK_doublereal *__sest, __CLPK_doublereal *__w, __CLPK_doublereal *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublereal *__s, __CLPK_doublereal *__c__)
dlaisnan_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_logical dlaisnan_(__CLPK_doublereal *__din1, __CLPK_doublereal *__din2)
dlaisnan_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_logical dlaisnan_(__CLPK_doublereal *__din1, __CLPK_doublereal *__din2)
dlaisnan_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_logical dlaisnan_(__CLPK_doublereal *__din1, __CLPK_doublereal *__din2)
dlaisnan_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_logical dlaisnan_(__CLPK_doublereal *__din1, __CLPK_doublereal *__din2)
dlaln2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_doublereal *__smin, __CLPK_doublereal *__ca, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d1, __CLPK_doublereal *__d2, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__scale, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlaln2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_doublereal *__smin, __CLPK_doublereal *__ca, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d1, __CLPK_doublereal *__d2, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__scale, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlaln2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_doublereal *__smin, __CLPK_doublereal *__ca, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d1, __CLPK_doublereal *__d2, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__scale, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlaln2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_doublereal *__smin, __CLPK_doublereal *__ca, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d1, __CLPK_doublereal *__d2, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__scale, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlals0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlals0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlals0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlals0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlalsa_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsa_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsa_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsa_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlalsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlamc1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int dlamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
dlamc1_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int dlamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
dlamc1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int dlamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
dlamc1_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int dlamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
dlamc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int dlamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_doublereal *__eps, __CLPK_integer *__emin, __CLPK_doublereal *__rmin, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int dlamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_doublereal *__eps, __CLPK_integer *__emin, __CLPK_doublereal *__rmin, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int dlamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_doublereal *__eps, __CLPK_integer *__emin, __CLPK_doublereal *__rmin, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int dlamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_doublereal *__eps, __CLPK_integer *__emin, __CLPK_doublereal *__rmin, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc3_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal dlamc3_(__CLPK_doublereal *__a, __CLPK_doublereal *__b)
dlamc3_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal dlamc3_(__CLPK_doublereal *__a, __CLPK_doublereal *__b)
dlamc3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal dlamc3_(__CLPK_doublereal *__a, __CLPK_doublereal *__b)
dlamc3_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal dlamc3_(__CLPK_doublereal *__a, __CLPK_doublereal *__b)
dlamc4_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int dlamc4_(__CLPK_integer *__emin, __CLPK_doublereal *__start, __CLPK_integer *__base)
dlamc4_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int dlamc4_(__CLPK_integer *__emin, __CLPK_doublereal *__start, __CLPK_integer *__base)
dlamc4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int dlamc4_(__CLPK_integer *__emin, __CLPK_doublereal *__start, __CLPK_integer *__base)
dlamc4_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int dlamc4_(__CLPK_integer *__emin, __CLPK_doublereal *__start, __CLPK_integer *__base)
dlamc5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int dlamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc5_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int dlamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int dlamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamc5_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int dlamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_doublereal *__rmax)
dlamch_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal dlamch_(char *__cmach)
dlamch_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal dlamch_(char *__cmach)
dlamch_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal dlamch_(char *__cmach)
dlamch_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal dlamch_(char *__cmach)
dlamrg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__a, __CLPK_integer *__dtrd1, __CLPK_integer *__dtrd2, __CLPK_integer *__index)
dlamrg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__a, __CLPK_integer *__dtrd1, __CLPK_integer *__dtrd2, __CLPK_integer *__index)
dlamrg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__a, __CLPK_integer *__dtrd1, __CLPK_integer *__dtrd2, __CLPK_integer *__index)
dlamrg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__a, __CLPK_integer *__dtrd1, __CLPK_integer *__dtrd2, __CLPK_integer *__index)
dlaneg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer dlaneg_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_doublereal *__sigma, __CLPK_doublereal *__pivmin, __CLPK_integer *__r__)
dlaneg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer dlaneg_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_doublereal *__sigma, __CLPK_doublereal *__pivmin, __CLPK_integer *__r__)
dlaneg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer dlaneg_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_doublereal *__sigma, __CLPK_doublereal *__pivmin, __CLPK_integer *__r__)
dlaneg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer dlaneg_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_doublereal *__sigma, __CLPK_doublereal *__pivmin, __CLPK_integer *__r__)
dlangb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlangb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlangb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlangb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlange_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlange_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlange_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlange_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlangt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du)
dlangt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du)
dlangt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du)
dlangt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__dl, __CLPK_doublereal *__d__, __CLPK_doublereal *__du)
dlanhs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlanhs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlanhs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlanhs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlansb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlansb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlansb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlansb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlansf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__work)
dlansf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__work)
dlansf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__work)
dlansf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_doublereal *__work)
dlansp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlansp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlansp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlansp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlanst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlanst_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e)
dlanst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlanst_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e)
dlanst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlanst_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e)
dlanst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlanst_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e)
dlansy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlansy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlansy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlansy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlantb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlantb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlantb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlantb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
dlantp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlantp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlantp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlantp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__work)
dlantr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlantr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlantr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlantr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
dlanv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlanv2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__rt1r, __CLPK_doublereal *__rt1i, __CLPK_doublereal *__rt2r, __CLPK_doublereal *__rt2i, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn)
dlanv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlanv2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__rt1r, __CLPK_doublereal *__rt1i, __CLPK_doublereal *__rt2r, __CLPK_doublereal *__rt2i, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn)
dlanv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlanv2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__rt1r, __CLPK_doublereal *__rt1i, __CLPK_doublereal *__rt2r, __CLPK_doublereal *__rt2i, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn)
dlanv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlanv2_(__CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_doublereal *__c__, __CLPK_doublereal *__d__, __CLPK_doublereal *__rt1r, __CLPK_doublereal *__rt1i, __CLPK_doublereal *__rt2r, __CLPK_doublereal *__rt2i, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn)
dlapll_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlapll_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
dlapll_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlapll_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
dlapll_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlapll_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
dlapll_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlapll_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
dlapmt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
dlapmt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
dlapmt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
dlapmt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
dlapy2_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlapy2_(__CLPK_doublereal *__x, __CLPK_doublereal *__y)
dlapy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlapy2_(__CLPK_doublereal *__x, __CLPK_doublereal *__y)
dlapy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlapy2_(__CLPK_doublereal *__x, __CLPK_doublereal *__y)
dlapy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlapy2_(__CLPK_doublereal *__x, __CLPK_doublereal *__y)
dlapy3_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dlapy3_(__CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__)
dlapy3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dlapy3_(__CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__)
dlapy3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dlapy3_(__CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__)
dlapy3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dlapy3_(__CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__)
dlaqgb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqgb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqgb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqgb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqge_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqge_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqge_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqge_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
dlaqp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__work)
dlaqp2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__work)
dlaqp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__work)
dlaqp2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__work)
dlaqps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__auxv, __CLPK_doublereal *__f, __CLPK_integer *__ldf)
dlaqps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__auxv, __CLPK_doublereal *__f, __CLPK_integer *__ldf)
dlaqps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__auxv, __CLPK_doublereal *__f, __CLPK_integer *__ldf)
dlaqps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublereal *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublereal *__auxv, __CLPK_doublereal *__f, __CLPK_integer *__ldf)
dlaqr0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr1_(__CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__sr1, __CLPK_doublereal *__si1, __CLPK_doublereal *__sr2, __CLPK_doublereal *__si2, __CLPK_doublereal *__v)
dlaqr1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr1_(__CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__sr1, __CLPK_doublereal *__si1, __CLPK_doublereal *__sr2, __CLPK_doublereal *__si2, __CLPK_doublereal *__v)
dlaqr1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr1_(__CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__sr1, __CLPK_doublereal *__si1, __CLPK_doublereal *__sr2, __CLPK_doublereal *__si2, __CLPK_doublereal *__v)
dlaqr1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr1_(__CLPK_integer *__n, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__sr1, __CLPK_doublereal *__si1, __CLPK_doublereal *__sr2, __CLPK_doublereal *__si2, __CLPK_doublereal *__v)
dlaqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_doublereal *__work, __CLPK_integer *__lwork)
dlaqr4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dlaqr5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublereal *__wh, __CLPK_integer *__ldwh)
dlaqr5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublereal *__wh, __CLPK_integer *__ldwh)
dlaqr5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublereal *__wh, __CLPK_integer *__ldwh)
dlaqr5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublereal *__sr, __CLPK_doublereal *__si, __CLPK_doublereal *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublereal *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublereal *__wh, __CLPK_integer *__ldwh)
dlaqsb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
dlaqtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__b, __CLPK_doublereal *__w, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaqtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__b, __CLPK_doublereal *__w, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaqtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__b, __CLPK_doublereal *__w, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlaqtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__b, __CLPK_doublereal *__w, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlar1v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublereal *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
dlar1v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublereal *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
dlar1v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublereal *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
dlar1v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublereal *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
dlar2v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlar2v_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlar2v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlar2v_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlar2v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlar2v_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlar2v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlar2v_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_doublereal *__y, __CLPK_doublereal *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlarf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarfb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarfb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarfb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarfb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarfg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarfg_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarfg_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarfg_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarfg_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarfp_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarfp_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarfp_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarfp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarfp_(__CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__tau)
dlarft_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarft_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarft_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarft_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarfx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarfx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarfx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarfx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlargv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlargv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
dlargv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlargv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
dlargv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlargv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
dlargv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlargv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
dlarnv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlarnv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlarnv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlarnv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlarra_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarra_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__spltol, __CLPK_doublereal *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
dlarra_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarra_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__spltol, __CLPK_doublereal *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
dlarra_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarra_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__spltol, __CLPK_doublereal *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
dlarra_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarra_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__spltol, __CLPK_doublereal *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
dlarrb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrb_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
dlarrb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrb_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
dlarrb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrb_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
dlarrb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrb_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
dlarrc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
dlarrc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
dlarrc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
dlarrc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
dlarrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__gers, __CLPK_doublereal *__reltol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wl, __CLPK_doublereal *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__gers, __CLPK_doublereal *__reltol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wl, __CLPK_doublereal *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__gers, __CLPK_doublereal *__reltol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wl, __CLPK_doublereal *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__gers, __CLPK_doublereal *__reltol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wl, __CLPK_doublereal *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarre_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarre_(char *__range, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarre_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarre_(char *__range, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarre_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarre_(char *__range, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarre_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarre_(char *__range, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__e2, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__spdiam, __CLPK_doublereal *__clgapl, __CLPK_doublereal *__clgapr, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__sigma, __CLPK_doublereal *__dplus, __CLPK_doublereal *__lplus, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlarrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__spdiam, __CLPK_doublereal *__clgapl, __CLPK_doublereal *__clgapr, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__sigma, __CLPK_doublereal *__dplus, __CLPK_doublereal *__lplus, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlarrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__spdiam, __CLPK_doublereal *__clgapl, __CLPK_doublereal *__clgapr, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__sigma, __CLPK_doublereal *__dplus, __CLPK_doublereal *__lplus, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlarrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_doublereal *__w, __CLPK_doublereal *__wgap, __CLPK_doublereal *__werr, __CLPK_doublereal *__spdiam, __CLPK_doublereal *__clgapl, __CLPK_doublereal *__clgapr, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__sigma, __CLPK_doublereal *__dplus, __CLPK_doublereal *__lplus, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlarrj_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrj_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__info)
dlarrj_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrj_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__info)
dlarrj_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrj_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__info)
dlarrj_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrj_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_doublereal *__rtol, __CLPK_integer *__offset, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__spdiam, __CLPK_integer *__info)
dlarrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_doublereal *__gl, __CLPK_doublereal *__gu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__reltol, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_integer *__info)
dlarrk_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_doublereal *__gl, __CLPK_doublereal *__gu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__reltol, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_integer *__info)
dlarrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_doublereal *__gl, __CLPK_doublereal *__gu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__reltol, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_integer *__info)
dlarrk_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_doublereal *__gl, __CLPK_doublereal *__gu, __CLPK_doublereal *__d__, __CLPK_doublereal *__e2, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__reltol, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_integer *__info)
dlarrr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrr_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dlarrr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrr_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dlarrr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrr_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dlarrr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrr_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dlarrv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarrv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlarscl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlarscl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlarscl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlarscl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlartg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlartg_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn, __CLPK_doublereal *__r__)
dlartg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlartg_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn, __CLPK_doublereal *__r__)
dlartg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlartg_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn, __CLPK_doublereal *__r__)
dlartg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlartg_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__cs, __CLPK_doublereal *__sn, __CLPK_doublereal *__r__)
dlartv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlartv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlartv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlartv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlartv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlartv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlartv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlartv_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__incc)
dlaruv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlaruv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlaruv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlaruv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublereal *__x)
dlarz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlarzb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarzb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarzb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarzb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__ldwork)
dlarzt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarzt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarzt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlarzt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__tau, __CLPK_doublereal *__t, __CLPK_integer *__ldt)
dlas2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlas2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax)
dlas2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlas2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax)
dlas2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlas2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax)
dlas2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlas2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax)
dlascl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlascl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlascl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlascl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlascl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlascl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlascl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlascl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__x, __CLPK_integer *__ldx)
dlasd0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlasd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlasd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlasd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
dlasd3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasd3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasd3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasd3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__u2, __CLPK_integer *__ldu2, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasd4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__sigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__sigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__sigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__sigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work)
dlasd5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work)
dlasd5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work)
dlasd5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd5_(__CLPK_integer *__i__, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__delta, __CLPK_doublereal *__rho, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work)
dlasd6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasd6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasd6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasd6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasd7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__zw, __CLPK_doublereal *__vf, __CLPK_doublereal *__vfw, __CLPK_doublereal *__vl, __CLPK_doublereal *__vlw, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlasd7_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__zw, __CLPK_doublereal *__vf, __CLPK_doublereal *__vfw, __CLPK_doublereal *__vl, __CLPK_doublereal *__vlw, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlasd7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__zw, __CLPK_doublereal *__vf, __CLPK_doublereal *__vfw, __CLPK_doublereal *__vl, __CLPK_doublereal *__vlw, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlasd7_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__zw, __CLPK_doublereal *__vf, __CLPK_doublereal *__vfw, __CLPK_doublereal *__vl, __CLPK_doublereal *__vlw, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_integer *__info)
dlasd8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_integer *__lddifr, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd8_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_integer *__lddifr, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_integer *__lddifr, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasd8_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_doublereal *__d__, __CLPK_doublereal *__z__, __CLPK_doublereal *__vf, __CLPK_doublereal *__vl, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_integer *__lddifr, __CLPK_doublereal *__dsigma, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasda_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasda_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasda_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasda_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dlasdq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasdq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasdq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasdq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vt, __CLPK_integer *__ldvt, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasdt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
dlasdt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
dlasdt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
dlasdt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
dlaset_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlaset_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlaset_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlaset_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlasq1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasq1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasq1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasq1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq1_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__work, __CLPK_integer *__info)
dlasq2_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq2_(__CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq2_(__CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq2_(__CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq2_(__CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__info)
dlasq3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__sigma, __CLPK_doublereal *__desig, __CLPK_doublereal *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__g, __CLPK_doublereal *__tau)
dlasq3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__sigma, __CLPK_doublereal *__desig, __CLPK_doublereal *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__g, __CLPK_doublereal *__tau)
dlasq3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__sigma, __CLPK_doublereal *__desig, __CLPK_doublereal *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__g, __CLPK_doublereal *__tau)
dlasq3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__sigma, __CLPK_doublereal *__desig, __CLPK_doublereal *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__g, __CLPK_doublereal *__tau)
dlasq4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__tau, __CLPK_integer *__ttype, __CLPK_doublereal *__g)
dlasq4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__tau, __CLPK_integer *__ttype, __CLPK_doublereal *__g)
dlasq4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__tau, __CLPK_integer *__ttype, __CLPK_doublereal *__g)
dlasq4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dn1, __CLPK_doublereal *__dn2, __CLPK_doublereal *__tau, __CLPK_integer *__ttype, __CLPK_doublereal *__g)
dlasq5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__tau, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2, __CLPK_logical *__ieee)
dlasq5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__tau, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2, __CLPK_logical *__ieee)
dlasq5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__tau, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2, __CLPK_logical *__ieee)
dlasq5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__tau, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2, __CLPK_logical *__ieee)
dlasq6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2)
dlasq6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2)
dlasq6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2)
dlasq6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_doublereal *__z__, __CLPK_integer *__pp, __CLPK_doublereal *__dmin__, __CLPK_doublereal *__dmin1, __CLPK_doublereal *__dmin2, __CLPK_doublereal *__dn, __CLPK_doublereal *__dnm1, __CLPK_doublereal *__dnm2)
dlasr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlasr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlasr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlasr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__a, __CLPK_integer *__lda)
dlasrt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasrt_(char *__id, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_integer *__info)
dlasrt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasrt_(char *__id, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_integer *__info)
dlasrt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasrt_(char *__id, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_integer *__info)
dlasrt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasrt_(char *__id, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_integer *__info)
dlassq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlassq_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
dlassq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlassq_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
dlassq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlassq_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
dlassq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlassq_(__CLPK_integer *__n, __CLPK_doublereal *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
dlasv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasv2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax, __CLPK_doublereal *__snr, __CLPK_doublereal *__csr, __CLPK_doublereal *__snl, __CLPK_doublereal *__csl)
dlasv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasv2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax, __CLPK_doublereal *__snr, __CLPK_doublereal *__csr, __CLPK_doublereal *__snl, __CLPK_doublereal *__csl)
dlasv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasv2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax, __CLPK_doublereal *__snr, __CLPK_doublereal *__csr, __CLPK_doublereal *__snl, __CLPK_doublereal *__csl)
dlasv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasv2_(__CLPK_doublereal *__f, __CLPK_doublereal *__g, __CLPK_doublereal *__h__, __CLPK_doublereal *__ssmin, __CLPK_doublereal *__ssmax, __CLPK_doublereal *__snr, __CLPK_doublereal *__csr, __CLPK_doublereal *__snl, __CLPK_doublereal *__csl)
dlaswp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlaswp_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
dlaswp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlaswp_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
dlaswp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlaswp_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
dlaswp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlaswp_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
dlasy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__tl, __CLPK_integer *__ldtl, __CLPK_doublereal *__tr, __CLPK_integer *__ldtr, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlasy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__tl, __CLPK_integer *__ldtl, __CLPK_doublereal *__tr, __CLPK_integer *__ldtr, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlasy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__tl, __CLPK_integer *__ldtl, __CLPK_doublereal *__tr, __CLPK_integer *__ldtr, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlasy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__tl, __CLPK_integer *__ldtl, __CLPK_doublereal *__tr, __CLPK_integer *__ldtr, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__scale, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__xnorm, __CLPK_integer *__info)
dlasyf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
dlasyf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
dlasyf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
dlasyf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
dlat2s_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlat2s_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlat2s_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlat2s_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlat2s_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlat2s_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlat2s_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlat2s_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
dlatbs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatbs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatbs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatbs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatdf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
dlatdf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
dlatdf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
dlatdf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
dlatps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__w, __CLPK_integer *__ldw)
dlatrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__w, __CLPK_integer *__ldw)
dlatrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__w, __CLPK_integer *__ldw)
dlatrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__w, __CLPK_integer *__ldw)
dlatrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
dlatrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work)
dlatrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work)
dlatrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work)
dlatrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work)
dlatzm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c1, __CLPK_doublereal *__c2, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlatzm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c1, __CLPK_doublereal *__c2, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlatzm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c1, __CLPK_doublereal *__c2, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlatzm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__v, __CLPK_integer *__incv, __CLPK_doublereal *__tau, __CLPK_doublereal *__c1, __CLPK_doublereal *__c2, __CLPK_integer *__ldc, __CLPK_doublereal *__work)
dlauu2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauu2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauu2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauu2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauum_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauum_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauum_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlauum_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dlink(double) - Method in interface smile.glm.model.Model
The derivative of link function.
dnaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void dnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dnaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void dnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dnaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void dnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dnaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void dnaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dneupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, double, double, MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void dneupd_c(int rvec, const char *howmny, const int *select, double *dr, double *di, double *z, int ldz, double sigmar, double sigmai, double *workev, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dneupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void dneupd_c(int rvec, const char *howmny, const int *select, double *dr, double *di, double *z, int ldz, double sigmar, double sigmai, double *workev, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dneupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void dneupd_c(int rvec, const char *howmny, const int *select, double *dr, double *di, double *z, int ldz, double sigmar, double sigmai, double *workev, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dneupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void dneupd_c(int rvec, const char *howmny, const int *select, double *dr, double *di, double *z, int ldz, double sigmar, double sigmai, double *workev, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
docCount() - Method in interface smile.nlp.Corpus
Returns the number of documents in the corpus.
docCount() - Method in class smile.nlp.SimpleCorpus
 
DODGER_BLUE - Static variable in class smile.plot.swing.Palette
The color dodger blue with an RGB value of #1E90FF
domain(boolean) - Method in class smile.plot.vega.Axis
Sets if the domain (the axis baseline) should be included as part of the axis.
domain(double...) - Method in class smile.plot.vega.Field
Sets the customize domain values.
domain(String...) - Method in class smile.plot.vega.Field
Sets the customize domain values.
domainCap(String) - Method in class smile.plot.vega.Axis
Sets the stroke cap for the domain line's ending style.
domainColor(String) - Method in class smile.plot.vega.Axis
Sets the color of axis domain line.
domainDash(double, double) - Method in class smile.plot.vega.Axis
Sets the alternating [stroke, space] lengths for dashed domain lines.
domainDashOffset(double) - Method in class smile.plot.vega.Axis
Sets the pixel offset at which to start drawing with the domain dash array.
domainMax(double) - Method in class smile.plot.vega.Field
Sets the maximum value in the scale domain, overriding the domain property or the default domain.
domainMax(String) - Method in class smile.plot.vega.Field
Sets the maximum value in the scale domain, overriding the domain property or the default domain.
domainMin(double) - Method in class smile.plot.vega.Field
Sets the minimum value in the scale domain, overriding the domain property or the default domain.
domainMin(String) - Method in class smile.plot.vega.Field
Sets the minimum value in the scale domain, overriding the domain property or the default domain.
domainOpacity(double) - Method in class smile.plot.vega.Axis
Sets the opacity of the axis domain line.
domainWidth(double) - Method in class smile.plot.vega.Axis
Sets the stroke width of axis domain line.
dopgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopgtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopmtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dopmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorg2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorghr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorghr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorghr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorghr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorglq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorglq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorglq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorglq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorgrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorm2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorm2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormhr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormhr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormhr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormhr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dorml2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorml2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorml2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dorml2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormlq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormlq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormlq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormlq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__info)
dormrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dormtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dot() - Method in class smile.base.cart.CART
Returns the graphic representation in Graphviz dot format.
dot() - Static method in interface smile.data.formula.Terms
Returns the special term "." that means all columns not otherwise in the formula in the context of a data frame.
dot() - Method in class smile.graph.Graph
Returns the graphic representation in Graphviz dot format.
dot(double[], double[]) - Static method in class smile.math.MathEx
Returns the dot product between two vectors.
dot(float[], float[]) - Static method in class smile.math.MathEx
Returns the dot product between two vectors.
dot(int[], int[]) - Static method in class smile.math.MathEx
Returns the dot product between two binary sparse arrays, which are the indices of nonzero elements in ascending order.
dot(String, String[]) - Method in class smile.graph.Graph
Returns the graphic representation in Graphviz dot format.
dot(StructType, StructField, int) - Method in class smile.base.cart.DecisionNode
 
dot(StructType, StructField, int) - Method in interface smile.base.cart.Node
Returns the dot representation of node.
dot(StructType, StructField, int) - Method in class smile.base.cart.NominalNode
 
dot(StructType, StructField, int) - Method in class smile.base.cart.OrdinalNode
 
dot(StructType, StructField, int) - Method in class smile.base.cart.RegressionNode
 
dot(Vector) - Method in class smile.tensor.Vector
Computes the dot product of two vectors.
dot(SparseArray, SparseArray) - Static method in class smile.math.MathEx
Returns the dot product between two sparse arrays.
Dot - Class in smile.data.formula
The special term "." means all columns not otherwise in the formula in the context of a data frame.
Dot() - Constructor for class smile.data.formula.Dot
Constructor.
DOT - Enum constant in enum class smile.plot.swing.Line.Style
Dot line.
DOT_DASH - Enum constant in enum class smile.plot.swing.Line.Style
Dot dash line.
DotProductKernel - Interface in smile.math.kernel
Dot product kernel depends only on the dot product of x and y.
Double - Enum constant in enum class smile.data.type.DataType.ID
Double type ID.
DOUBLE - Static variable in interface smile.util.Regex
Double regular expression pattern.
DOUBLE_REGEX - Static variable in interface smile.util.Regex
Double regular expression.
doubleArray() - Method in class smile.deep.tensor.Tensor
Returns the double array of tensor elements
DoubleArrayCellEditor - Class in smile.swing.table
Implements a cell editor that uses a formatted text field to edit double[] values.
DoubleArrayCellEditor() - Constructor for class smile.swing.table.DoubleArrayCellEditor
Constructor.
DoubleArrayCellRenderer - Class in smile.swing.table
Double array renderer in JTable.
DoubleArrayCellRenderer() - Constructor for class smile.swing.table.DoubleArrayCellRenderer
Constructor.
DoubleArrayList - Class in smile.util
A resizeable, array-backed list of double primitives.
DoubleArrayList() - Constructor for class smile.util.DoubleArrayList
Constructs an empty list.
DoubleArrayList(double[]) - Constructor for class smile.util.DoubleArrayList
Constructs a list containing the values of the specified array.
DoubleArrayList(int) - Constructor for class smile.util.DoubleArrayList
Constructs an empty list with the specified initial capacity.
DoubleArrayType - Static variable in interface smile.data.type.DataTypes
Double Array data type.
DoubleCellEditor - Class in smile.swing.table
Implements a cell editor that uses a formatted text field to edit Double values.
DoubleCellEditor() - Constructor for class smile.swing.table.DoubleCellEditor
Constructor.
DoubleCellEditor(double, double) - Constructor for class smile.swing.table.DoubleCellEditor
Constructor.
DoubleConsumer - Interface in smile.tensor
Double precision matrix element stream consumer.
DoubleFunction - Class in smile.data.formula
The generic term of applying a double function.
DoubleFunction(String, Term, Function) - Constructor for class smile.data.formula.DoubleFunction
Constructor.
DoubleHeapSelect - Class in smile.sort
This class tracks the smallest values seen thus far in a stream of values.
DoubleHeapSelect(int) - Constructor for class smile.sort.DoubleHeapSelect
Constructor.
doubleStream() - Method in class smile.data.vector.DoubleVector
 
doubleStream() - Method in class smile.data.vector.FloatVector
 
doubleStream() - Method in class smile.data.vector.LongVector
 
doubleStream() - Method in class smile.data.vector.NullableDoubleVector
 
doubleStream() - Method in class smile.data.vector.NullableFloatVector
 
doubleStream() - Method in class smile.data.vector.NullableLongVector
 
doubleStream() - Method in class smile.data.vector.NumberVector
 
doubleStream() - Method in class smile.data.vector.StringVector
 
doubleStream() - Method in interface smile.data.vector.ValueVector
Returns a DoubleStream consisting of the elements of this vector, converted to double.
DoubleType - Class in smile.data.type
Double data type.
DoubleType - Static variable in interface smile.data.type.DataTypes
Double data type.
doubleValue() - Method in class smile.deep.tensor.Tensor
Returns the double value when the tensor holds a single value.
DoubleVector - Class in smile.data.vector
A double vector.
DoubleVector(String, double[]) - Constructor for class smile.data.vector.DoubleVector
Constructor.
DoubleVector(StructField, double[]) - Constructor for class smile.data.vector.DoubleVector
Constructor.
download(String) - Static method in interface smile.io.CacheFiles
Downloads a file and save to the cache directory.
download(String, boolean) - Static method in interface smile.io.CacheFiles
Downloads a file and save to the cache directory.
dpbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbstf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbstf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbstf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbstf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
dpbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpftrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dpftrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpftrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpftrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpftrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpocon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpocon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpocon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpocon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpoequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpoequ_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpoequ_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpoequ_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpoequ_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpoequb_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpoequb_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpoequb_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpoequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpoequb_(__CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dporfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dporfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dporfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dporfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dposv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dposv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dposvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dposvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dposvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dposvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpotf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dpotrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpotrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpotrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpotrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dppcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dppequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dppequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dppequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
dpprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dppsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dppsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dppsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dppsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dppsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dpptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dpptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpstf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpstrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpteqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dptsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dptsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dptsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dptsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dptsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__df, __CLPK_doublereal *__ef, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__info)
dpttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dpttrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dpttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dpttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dpttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dpttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpttrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dpttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dpttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dpttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dpttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dptts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dptts2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dptts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dptts2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
drawLine(double[]...) - Method in class smile.plot.swing.Renderer
Draws poly line.
drawLineBaseRatio(double[]...) - Method in class smile.plot.swing.Renderer
Draws poly line.
drawPoint(char, double...) - Method in class smile.plot.swing.Renderer
Draws a point with given pattern.
drawPoint(double...) - Method in class smile.plot.swing.Renderer
Draws a point.
drawPolygon(double[]...) - Method in class smile.plot.swing.Renderer
Draws polygon.
drawRect(double[], double[]) - Method in class smile.plot.swing.Renderer
Draws the outline of the specified rectangle.
drawRectBaseRatio(double[], double[]) - Method in class smile.plot.swing.Renderer
Draws the outline of the specified rectangle.
drawText(String, double[]) - Method in class smile.plot.swing.Renderer
Draws a string.
drawText(String, double[], double) - Method in class smile.plot.swing.Renderer
Draws a string with given rotation angle.
drawText(String, double[], double, double) - Method in class smile.plot.swing.Renderer
Draws a string with given reference point.
drawText(String, double[], double, double, double) - Method in class smile.plot.swing.Renderer
Draws a string with given reference point and rotation angle.
drawTextBaseRatio(String, double[]) - Method in class smile.plot.swing.Renderer
Draw a string with given rotation angle.
drawTextBaseRatio(String, double[], double) - Method in class smile.plot.swing.Renderer
Draw a string with given rotation angle.
drawTextBaseRatio(String, double[], double, double) - Method in class smile.plot.swing.Renderer
Draw a string with given reference point.
drawTextBaseRatio(String, double[], double, double, double) - Method in class smile.plot.swing.Renderer
Draw a string with given reference point and rotation angle.
drop(int...) - Method in record class smile.data.DataFrame
Returns a new DataFrame without selected columns.
drop(String...) - Method in record class smile.data.DataFrame
Returns a new DataFrame without selected columns.
dropna() - Method in record class smile.data.DataFrame
Returns a new data frame without rows that have null/missing values.
dropout - Variable in class smile.base.mlp.Layer
The dropout rate.
dropout - Variable in class smile.base.mlp.LayerBuilder
The dropout rate.
dropout(double) - Static method in interface smile.deep.layer.Layer
Returns a dropout layer that randomly zeroes some of the elements of the input tensor with probability p during training.
dropout(double) - Method in class smile.deep.tensor.Tensor
Randomly zeroes some elements of the input tensor with probability p.
dropout_(double) - Method in class smile.deep.tensor.Tensor
Randomly zeroes some elements in place with probability p.
DropoutLayer - Class in smile.deep.layer
A dropout layer that randomly zeroes some of the elements of the input tensor with probability p during training.
DropoutLayer(double) - Constructor for class smile.deep.layer.DropoutLayer
Constructor.
DropoutLayer(double, boolean) - Constructor for class smile.deep.layer.DropoutLayer
Constructor.
drscl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int drscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublereal *__sx, __CLPK_integer *__incx)
drscl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int drscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublereal *__sx, __CLPK_integer *__incx)
drscl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int drscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublereal *__sx, __CLPK_integer *__incx)
drscl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int drscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublereal *__sx, __CLPK_integer *__incx)
dsaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void dsaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dsaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void dsaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dsaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void dsaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dsaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void dsaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dsbev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbgvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsbgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbgvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsbtrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbtrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbtrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsbtrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__info)
dseupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void dseupd_c(int rvec, const char *howmny, const int *select, double *d, double *z, int ldz, double sigma, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dseupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void dseupd_c(int rvec, const char *howmny, const int *select, double *d, double *z, int ldz, double sigma, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dseupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void dseupd_c(int rvec, const char *howmny, const int *select, double *d, double *z, int ldz, double sigma, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dseupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void dseupd_c(int rvec, const char *howmny, const int *select, double *d, double *z, int ldz, double sigma, const char *bmat, int n, const char *which, int nev, double tol, double *resid, int ncv, double *v, int ldv, int *iparam, int *ipntr, double *workd, double *workl, int lworkl, int *info)
dsfrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublereal *__c__)
dsfrk_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublereal *__c__)
dsfrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublereal *__c__)
dsfrk_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublereal *__c__)
dsgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsgesv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dspcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_integer *__info)
dspgst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_integer *__info)
dspgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_integer *__info)
dspgst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_integer *__info)
dspgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspgv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspgv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dspgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspgvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dspgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspgvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dspgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsposv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsposv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__work, __CLPK_real *__swork, __CLPK_integer *__iter, __CLPK_integer *__info)
dsprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dspsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dspsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dspsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dspsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dspsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__afp, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsptrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsptrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsptrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsptrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsptrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dstebz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dstebz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dstebz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dstebz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dstedc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstedc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstedc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstedc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstegr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstegr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstegr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstegr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstemr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstemr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstemr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstemr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsteqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsterf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsterf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dsterf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsterf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dsterf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsterf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dsterf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsterf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__info)
dstev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstev_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dstev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstev_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dstev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstev_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dstev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstev_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
dstevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dstevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dstevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsv(String, String) - Method in class smile.plot.vega.Data
Loads a delimited text file with a custom delimiter.
dsv(String, String, Map) - Method in class smile.plot.vega.Data
Loads a delimited text file with a custom delimiter.
dsycon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsycon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsycon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsycon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsyequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsyequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsyequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsyequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsyev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsyev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsyev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsyev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsyevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsyevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsyevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsyevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsyevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsygs2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygs2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygs2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygs2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsygv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsygv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsygv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsygv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsygvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsygvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsygvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsygvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dsygvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsygvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsygvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsygvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
dsyrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsyrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsyrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsyrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsysv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsysv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsysv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsysv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsysvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsysvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsysvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsysvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dsytd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsytd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsytd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsytd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dsytf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsytf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsytf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsytf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
dsytrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dsytri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsytri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsytri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsytri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__work, __CLPK_integer *__info)
dsytrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsytrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsytrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dsytrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
DT - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Determiner.
dtbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublereal *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtfsm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dtfsm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dtfsm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dtfsm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__alpha, __CLPK_doublereal *__a, __CLPK_doublereal *__b, __CLPK_integer *__ldb)
dtftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dtftri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dtftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dtftri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__info)
dtfttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtfttp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtfttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtfttp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtfttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtfttr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtfttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtfttr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__arf, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtgevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_doublereal *__p, __CLPK_integer *__ldp, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtgevc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_doublereal *__p, __CLPK_integer *__ldp, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtgevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_doublereal *__p, __CLPK_integer *__ldp, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtgevc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__s, __CLPK_integer *__lds, __CLPK_doublereal *__p, __CLPK_integer *__ldp, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtgex2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgex2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgex2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgex2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtgsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtgsen_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtgsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtgsen_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alphar, __CLPK_doublereal *__alphai, __CLPK_doublereal *__beta, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtgsja_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
dtgsja_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
dtgsja_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
dtgsja_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__v, __CLPK_integer *__ldv, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
dtgsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
dtgsy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
dtgsy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
dtgsy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
dtgsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsyl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtgsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__d__, __CLPK_integer *__ldd, __CLPK_doublereal *__e, __CLPK_integer *__lde, __CLPK_doublereal *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtpcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtprfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtptri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtptri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtptrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__ap, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtpttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtpttf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtpttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtpttf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtpttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtpttr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtpttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtpttr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__ap, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrevc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrevc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_doublereal *__work, __CLPK_integer *__info)
dtrrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtrsen_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtrsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtrsen_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__wr, __CLPK_doublereal *__wi, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
dtrsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrsna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrsna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublereal *__t, __CLPK_integer *__ldt, __CLPK_doublereal *__vl, __CLPK_integer *__ldvl, __CLPK_doublereal *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublereal *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
dtrsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dtrsyl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dtrsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dtrsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
dtrti2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrti2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrti2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrti2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrtri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrtri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrtri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrtri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
dtrtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtrtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtrtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtrtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
dtrttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtrttf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtrttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtrttf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__arf, __CLPK_integer *__info)
dtrttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtrttp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtrttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtrttp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__ap, __CLPK_integer *__info)
dtype - Variable in class smile.deep.layer.LayerBlock
The data type.
dtype() - Method in record class smile.data.type.StructField
Returns the value of the dtype record component.
dtype() - Method in interface smile.data.vector.ValueVector
Returns the data type of elements.
dtype() - Method in class smile.deep.layer.LayerBlock
Returns the data type of module.
dtype() - Method in class smile.deep.Model
Returns the data type.
dtype() - Method in class smile.deep.tensor.Tensor
Returns the element data type.
dtype(ScalarType) - Method in class smile.deep.tensor.Tensor.Options
Sets the data type of the elements stored in the tensor.
dtypes() - Method in record class smile.data.DataFrame
Returns the column data types.
dtypes() - Method in record class smile.data.type.StructType
Returns the field data types.
dtzrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dtzrqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dtzrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dtzrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_integer *__info)
dtzrzf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int dtzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtzrzf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int dtzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtzrzf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int dtzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dtzrzf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int dtzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublereal *__tau, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
dummy() - Method in record class smile.datasets.Weather
Returns the sample features in dummy encoding.
dummy() - Method in record class smile.datasets.WeatherNominal
Returns the sample features in dummy encoding.
DUMMY - Enum constant in enum class smile.data.CategoricalEncoder
Dummy encoding.
DynamicTimeWarping<T> - Class in smile.math.distance
Dynamic time warping is an algorithm for measuring similarity between two sequences which may vary in time or speed.
DynamicTimeWarping(Distance) - Constructor for class smile.math.distance.DynamicTimeWarping
Constructor.
DynamicTimeWarping(Distance, double) - Constructor for class smile.math.distance.DynamicTimeWarping
Dynamic time warping with Sakoe-Chiba band, which primarily to prevent unreasonable warping and also improve computational cost.
dzsum1_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal dzsum1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
dzsum1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal dzsum1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
dzsum1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal dzsum1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
dzsum1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal dzsum1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)

E

earlyExaggeration() - Method in record class smile.manifold.TSNE.Options
Returns the value of the earlyExaggeration record component.
Edge - Class in smile.vq.hebb
The connection between neurons.
Edge(int, int) - Constructor for record class smile.graph.Graph.Edge
Constructor of unweighted edge.
Edge(int, int, double) - Constructor for record class smile.graph.Graph.Edge
Creates an instance of a Edge record class.
Edge(Neuron) - Constructor for class smile.vq.hebb.Edge
Constructor.
Edge(Neuron, int) - Constructor for class smile.vq.hebb.Edge
Constructor.
edges - Variable in class smile.vq.hebb.Neuron
The direct connected neighbors.
EditDistance - Class in smile.math.distance
The Edit distance between two strings is a metric for measuring the amount of difference between two sequences.
EditDistance() - Constructor for class smile.math.distance.EditDistance
Constructor.
EditDistance(boolean) - Constructor for class smile.math.distance.EditDistance
Constructor.
EditDistance(int) - Constructor for class smile.math.distance.EditDistance
Constructor.
EditDistance(int[][]) - Constructor for class smile.math.distance.EditDistance
Constructor.
EditDistance(int[][], double) - Constructor for class smile.math.distance.EditDistance
Constructor.
EditDistance(int, boolean) - Constructor for class smile.math.distance.EditDistance
Constructor.
EfficientNet - Class in smile.vision
EfficientNet is an image classification model family.
EfficientNet(MBConvConfig[], double, double, int, int, IntFunction) - Constructor for class smile.vision.EfficientNet
Constructor.
eigen() - Method in class smile.tensor.DenseMatrix
Right Eigenvalue Decomposition.
eigen(boolean, boolean) - Method in class smile.tensor.DenseMatrix
Eigenvalue Decomposition.
eigen(Matrix, ARPACK.AsymmOption, int) - Static method in interface smile.tensor.ARPACK
Computes NEV eigenvalues of an asymmetric double precision matrix.
eigen(Matrix, ARPACK.AsymmOption, int, int, double) - Static method in interface smile.tensor.ARPACK
Computes NEV eigenvalues of an asymmetric double precision matrix.
Eigen - Interface in smile.tensor
Eigenvalue algorithms such as power iteration and Lanczos algorithms.
EigenRange - Enum Class in smile.linalg
THe option of eigenvalue range.
ElasticNet - Class in smile.regression
Elastic Net regularization.
ElasticNet.Options - Record Class in smile.regression
Elastic Net hyperparameters.
element() - Method in class smile.util.PairingHeap
 
Ellipsis - Static variable in class smile.deep.tensor.Index
The ellipsis (...) is used to slice higher-dimensional data structures as in numpy.
EMAIL_ADDRESS - Static variable in interface smile.util.Regex
Email address.
embed(double[][], int, double) - Static method in class smile.clustering.SpectralClustering
Returns the embedding for spectral clustering.
embed(DenseMatrix, int) - Static method in class smile.clustering.SpectralClustering
Returns the embedding for spectral clustering.
embed(SparseIntArray[], int, int) - Static method in class smile.clustering.SpectralClustering
Returns the embedding for the nonnegative count data with cosine similarity.
embedding(int, int) - Static method in interface smile.deep.layer.Layer
Returns an embedding layer that is a simple lookup table that stores embeddings of a fixed dictionary and size.
embedding(int, int, double) - Static method in interface smile.deep.layer.Layer
Returns an embedding layer that is a simple lookup table that stores embeddings of a fixed dictionary and size.
EmbeddingLayer - Class in smile.deep.layer
An embedding layer that is a simple lookup table that stores embeddings of a fixed dictionary and size.
EmbeddingLayer(int, int) - Constructor for class smile.deep.layer.EmbeddingLayer
Constructor.
EmbeddingLayer(int, int, double) - Constructor for class smile.deep.layer.EmbeddingLayer
Constructor.
EmpiricalDistribution - Class in smile.stat.distribution
An empirical distribution function or empirical cdf, is a cumulative probability distribution function that concentrates probability 1/n at each of the n numbers in a sample.
EmpiricalDistribution(double[]) - Constructor for class smile.stat.distribution.EmpiricalDistribution
Constructor.
EmpiricalDistribution(double[], IntSet) - Constructor for class smile.stat.distribution.EmpiricalDistribution
Constructor.
empty(long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with uninitialized data.
empty(Tensor.Options, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with uninitialized data.
emptyCache() - Method in class smile.deep.tensor.Device
Releases all unoccupied cached memory.
encode(String) - Method in class smile.llm.tokenizer.SentencePiece
 
encode(String) - Method in class smile.llm.tokenizer.Tiktoken
 
encode(String) - Method in interface smile.llm.tokenizer.Tokenizer
Encodes a string into a list of token IDs.
encode(String, boolean, boolean) - Method in class smile.llm.tokenizer.SentencePiece
 
encode(String, boolean, boolean) - Method in class smile.llm.tokenizer.Tiktoken
 
encode(String, boolean, boolean) - Method in interface smile.llm.tokenizer.Tokenizer
Encodes a string into a list of token IDs.
encode(String, String) - Method in class smile.plot.vega.View
Returns the field object for encoding a channel.
encodeDatum(String, double) - Method in class smile.plot.vega.Layer
 
encodeDatum(String, double) - Method in class smile.plot.vega.View
Sets a constant data value encoded via a scale.
encodeDatum(String, int) - Method in class smile.plot.vega.Layer
 
encodeDatum(String, int) - Method in class smile.plot.vega.View
Sets a constant data value encoded via a scale.
encodeDatum(String, String) - Method in class smile.plot.vega.Layer
 
encodeDatum(String, String) - Method in class smile.plot.vega.View
Sets a constant data value encoded via a scale.
encodeDialog(Message...) - Method in class smile.llm.llama.Tokenizer
Encodes the messages of a dialog.
encodeMessage(Message) - Method in class smile.llm.llama.Tokenizer
Encodes a message.
encodeValue(String, double) - Method in class smile.plot.vega.Layer
 
encodeValue(String, double) - Method in class smile.plot.vega.View
Sets an encoded constant visual value.
encodeValue(String, int) - Method in class smile.plot.vega.Layer
 
encodeValue(String, int) - Method in class smile.plot.vega.View
Sets an encoded constant visual value.
encodeValue(String, String) - Method in class smile.plot.vega.Layer
 
encodeValue(String, String) - Method in class smile.plot.vega.View
Sets an encoded constant visual value.
EnglishDictionary - Enum Class in smile.nlp.dictionary
A concise dictionary of common terms in English.
EnglishPOSLexicon - Class in smile.nlp.pos
An English lexicon with part-of-speech tags.
EnglishPunctuations - Class in smile.nlp.dictionary
Punctuation marks in English.
EnglishStopWords - Enum Class in smile.nlp.dictionary
Several sets of English stop words.
ensemble(Classifier...) - Static method in interface smile.classification.Classifier
Return an ensemble of multiple base models to obtain better predictive performance.
ensemble(DataFrameClassifier...) - Static method in interface smile.classification.DataFrameClassifier
Return an ensemble of multiple base models to obtain better predictive performance.
ensemble(DataFrameRegression...) - Static method in interface smile.regression.DataFrameRegression
Return an ensemble of multiple base models to obtain better predictive performance.
ensemble(Regression...) - Static method in interface smile.regression.Regression
Return an ensemble of multiple base models to obtain better predictive performance.
ensureCapacity(int) - Method in class smile.util.DoubleArrayList
Increases the capacity, if necessary, to ensure that it can hold at least the number of values specified by the minimum capacity argument.
ensureCapacity(int) - Method in class smile.util.FloatArrayList
Increases the capacity, if necessary, to ensure that it can hold at least the number of values specified by the minimum capacity argument.
ensureCapacity(int) - Method in class smile.util.IntArrayList
Increases the capacity, if necessary, to ensure that it can hold at least the number of values specified by the minimum capacity argument.
entropy() - Method in class smile.clustering.MEC
Returns the conditional entropy of clusters.
entropy() - Method in class smile.stat.distribution.BernoulliDistribution
 
entropy() - Method in class smile.stat.distribution.BetaDistribution
 
entropy() - Method in class smile.stat.distribution.BinomialDistribution
 
entropy() - Method in class smile.stat.distribution.ChiSquareDistribution
 
entropy() - Method in class smile.stat.distribution.DiscreteMixture
Shannon's entropy.
entropy() - Method in interface smile.stat.distribution.Distribution
Returns Shannon entropy of the distribution.
entropy() - Method in class smile.stat.distribution.EmpiricalDistribution
 
entropy() - Method in class smile.stat.distribution.ExponentialDistribution
 
entropy() - Method in class smile.stat.distribution.FDistribution
Shannon's entropy.
entropy() - Method in class smile.stat.distribution.GammaDistribution
 
entropy() - Method in class smile.stat.distribution.GaussianDistribution
 
entropy() - Method in class smile.stat.distribution.GeometricDistribution
Shannon's entropy.
entropy() - Method in class smile.stat.distribution.HyperGeometricDistribution
 
entropy() - Method in class smile.stat.distribution.KernelDensity
Shannon's entropy.
entropy() - Method in class smile.stat.distribution.LogisticDistribution
 
entropy() - Method in class smile.stat.distribution.LogNormalDistribution
 
entropy() - Method in class smile.stat.distribution.Mixture
Shannon's entropy.
entropy() - Method in interface smile.stat.distribution.MultivariateDistribution
Shannon's entropy of the distribution.
entropy() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
entropy() - Method in class smile.stat.distribution.MultivariateMixture
Shannon entropy.
entropy() - Method in class smile.stat.distribution.NegativeBinomialDistribution
Shannon's entropy.
entropy() - Method in class smile.stat.distribution.PoissonDistribution
 
entropy() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
entropy() - Method in class smile.stat.distribution.TDistribution
 
entropy() - Method in class smile.stat.distribution.WeibullDistribution
 
entropy(double[]) - Static method in class smile.math.MathEx
Shannon's entropy.
ENTROPY - Enum constant in enum class smile.base.cart.SplitRule
Used by the ID3, C4.5 and C5.0 tree generation algorithms.
entry - Variable in class smile.neighbor.lsh.Bucket
The indices of points that all have the same value for hash function g.
Entry(int, double) - Constructor for record class smile.util.SparseArray.Entry
Creates an instance of a Entry record class.
Entry(int, int) - Constructor for record class smile.util.SparseIntArray.Entry
Creates an instance of a Entry record class.
EOF() - Static method in class smile.linalg.blas.cblas_h
#define EOF -1
epochs() - Method in record class smile.classification.SVM.Options
Returns the value of the epochs record component.
epochs() - Method in record class smile.manifold.UMAP.Options
Returns the value of the epochs record component.
eps() - Method in record class smile.regression.SVM.Options
Returns the value of the eps record component.
epsilon - Variable in class smile.base.mlp.MultilayerPerceptron
A small constant for numerical stability in RMSProp.
EPSILON - Static variable in class smile.math.MathEx
The machine precision for the double type, which is the difference between 1 and the smallest value greater than 1 that is representable for the double type.
EPSILON - Static variable in interface smile.util.function.DifferentiableMultivariateFunction
A number close to zero, between machine epsilon and its square root.
eq(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise equality.
eq(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise equality.
eq(Object) - Method in interface smile.data.vector.ValueVector
Returns the result of equality comparison.
eq(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise equality.
equals(double[][], double[][]) - Static method in class smile.math.MathEx
Check if x element-wisely equals y with default epsilon 1E-10.
equals(double[][], double[][], double) - Static method in class smile.math.MathEx
Check if x element-wisely equals y in given precision.
equals(double[], double[]) - Static method in class smile.math.MathEx
Check if x element-wisely equals y with default epsilon 1E-10.
equals(double[], double[], double) - Static method in class smile.math.MathEx
Check if x element-wisely equals y in given precision.
equals(double, double) - Static method in class smile.math.MathEx
Returns true if two double values equals to each other in the system precision.
equals(float[][], float[][]) - Static method in class smile.math.MathEx
Check if x element-wisely equals y with default epsilon 1E-7.
equals(float[][], float[][], float) - Static method in class smile.math.MathEx
Check if x element-wisely equals y in given precision.
equals(float[], float[]) - Static method in class smile.math.MathEx
Check if x element-wisely equals y with default epsilon 1E-7.
equals(float[], float[], float) - Static method in class smile.math.MathEx
Check if x element-wisely equals y in given precision.
equals(Object) - Method in record class smile.anomaly.IsolationForest.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.anomaly.SVM.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.association.AssociationRule
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.association.ItemSet
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.base.cart.DecisionNode
 
equals(Object) - Method in class smile.base.cart.RegressionNode
 
equals(Object) - Method in record class smile.classification.AdaBoost.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.AdaBoost.TrainingStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.DecisionTree.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.GradientTreeBoost.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.LogisticRegression.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.Maxent.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.RandomForest.Model
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.RandomForest.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.RandomForest.TrainingStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.classification.SVM.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.CentroidClustering
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.Clustering.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.DENCLUE.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.DeterministicAnnealing.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.HierarchicalClustering
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.MEC.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.clustering.SpectralClustering.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.data.DataFrame
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.data.formula.Formula
 
equals(Object) - Method in record class smile.data.formula.Intercept
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.data.formula.Variable
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.data.measure.CategoricalMeasure
 
equals(Object) - Method in class smile.data.measure.NominalScale
 
equals(Object) - Method in class smile.data.measure.OrdinalScale
 
equals(Object) - Method in record class smile.data.Row
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.data.RowIndex
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.data.SampleInstance
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.data.type.ArrayType
 
equals(Object) - Method in class smile.data.type.DateTimeType
 
equals(Object) - Method in class smile.data.type.DateType
 
equals(Object) - Method in class smile.data.type.DecimalType
 
equals(Object) - Method in class smile.data.type.ObjectType
 
equals(Object) - Method in class smile.data.type.PrimitiveType
 
equals(Object) - Method in record class smile.data.type.Property
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.data.type.StringType
 
equals(Object) - Method in record class smile.data.type.StructField
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.data.type.StructType
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.data.type.TimeType
 
equals(Object) - Method in record class smile.datasets.Abalone
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Ailerons
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.AutoMPG
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Bank32nh
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.BitcoinPrice
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.BostonHousing
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.BreastCancer
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.CalHousing
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.ColonCancer
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.CPU
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Default
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Diabetes
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Eurodist
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.GaussianMixture
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Hyphen
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.ImageSegmentation
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Iris
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Kin8nm
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.LibrasMovement
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Longley
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.MNIST
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.PenDigits
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Planes2D
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.ProstateCancer
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Protein
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Puma8NH
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.SwissRoll
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.SyntheticControl
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.USArrests
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.USPS
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.Weather
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.WeatherNominal
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.datasets.WordNet
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.deep.SampleBatch
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.deep.tensor.Device
 
equals(Object) - Method in class smile.deep.tensor.Tensor
 
equals(Object) - Method in record class smile.feature.selection.FRegression
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.feature.selection.InformationValue
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.feature.selection.SignalNoiseRatio
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.feature.selection.SumSquaresRatio
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.glm.GLM.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.graph.Graph.Edge
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.graph.NearestNeighborGraph
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.ica.ICA
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.ica.ICA.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.llm.CompletionPrediction
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.llm.llama.ModelArgs
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.llm.Message
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.IsoMap.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.IsotonicMDS
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.IsotonicMDS.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.KPCA.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.LaplacianEigenmap.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.LLE.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.MDS
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.MDS.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.SammonMapping
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.SammonMapping.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.TSNE
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.TSNE.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.manifold.UMAP.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.math.Complex
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.math.LevenbergMarquardt
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.neighbor.lsh.MultiProbeSample
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.neighbor.lsh.PrH
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.neighbor.lsh.PrZ
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.neighbor.Neighbor
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.nlp.Bigram
 
equals(Object) - Method in class smile.nlp.NGram
 
equals(Object) - Method in record class smile.nlp.relevance.Relevance
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.nlp.SimpleText
 
equals(Object) - Method in record class smile.plot.vega.SortField
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.plot.vega.WindowTransformField
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.ElasticNet.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.GaussianProcessRegression.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.GradientTreeBoost.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.LASSO.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.OLS.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.RandomForest.Model
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.RandomForest.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.RandomForest.TrainingStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.RegressionTree.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.RidgeRegression.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.regression.SVM.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.sequence.CRF.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.distribution.DiscreteMixture.Component
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.distribution.Mixture.Component
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.distribution.MultivariateMixture.Component
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.hypothesis.ChiSqTest
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.hypothesis.CorTest
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.hypothesis.FTest
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.hypothesis.KSTest
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.stat.hypothesis.TTest
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.swing.AlphaIcon
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.tensor.BandMatrix
 
equals(Object) - Method in record class smile.tensor.Cholesky
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.tensor.DenseMatrix
 
equals(Object) - Method in record class smile.tensor.EVD
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.tensor.LU
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.tensor.QR
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.tensor.Scalar
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.tensor.SVD
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in class smile.tensor.SymmMatrix
 
equals(Object) - Method in record class smile.util.AlgoStatus
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.util.Bytes
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.util.IntPair
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.util.SparseArray.Entry
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.util.SparseIntArray.Entry
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.util.Tuple2
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.Bag
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.ClassificationMetrics
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.ClassificationValidation
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.ClassificationValidations
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.metric.ConfusionMatrix
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.RegressionMetrics
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.RegressionValidation
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.validation.RegressionValidations
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Indicates whether some other object is "equal to" this one.
equals(Object) - Method in record class smile.vision.layer.MBConvConfig
Indicates whether some other object is "equal to" this one.
erf(double) - Static method in class smile.math.special.Erf
The Gauss error function.
Erf - Class in smile.math.special
The error function.
erfc(double) - Static method in class smile.math.special.Erf
The complementary error function.
erfcc(double) - Static method in class smile.math.special.Erf
The complementary error function with fractional error everywhere less than 1.2 × 10-7.
error() - Method in class smile.regression.LinearModel
Returns the residual standard error.
error() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the error record component.
Error - Class in smile.validation.metric
The number of errors in the population.
Error() - Constructor for class smile.validation.metric.Error
Constructor.
ERROR_OPTION - Static variable in class smile.swing.FontChooser
Return value from showDialog().
estimate(int, double) - Method in class smile.neighbor.lsh.HashValueParzenModel
Given a hash value h, estimate the Gaussian model (mean and variance) of neighbors existing in the corresponding bucket.
eta() - Method in record class smile.manifold.TSNE.Options
Returns the value of the eta record component.
eta() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the eta record component.
eta() - Method in record class smile.regression.LASSO.Options
Returns the value of the eta record component.
EuclideanDistance - Class in smile.math.distance
Euclidean distance.
EuclideanDistance() - Constructor for class smile.math.distance.EuclideanDistance
Constructor.
EuclideanDistance(double[]) - Constructor for class smile.math.distance.EuclideanDistance
Constructor with a given weight vector.
Eurodist - Record Class in smile.datasets
Distances between European cities.
Eurodist() - Constructor for record class smile.datasets.Eurodist
Constructor.
Eurodist(Path) - Constructor for record class smile.datasets.Eurodist
Constructor.
Eurodist(DataFrame) - Constructor for record class smile.datasets.Eurodist
Creates an instance of a Eurodist record class.
eval() - Method in class smile.deep.layer.LayerBlock
Sets the layer block in the evaluation/inference mode.
eval() - Method in class smile.deep.Model
Sets the model in the evaluation/inference mode.
eval(Dataset, Metric...) - Method in class smile.deep.Model
Evaluates the model accuracy on a test dataset.
EVD - Record Class in smile.tensor
Eigenvalue decomposition.
EVD(Vector, DenseMatrix) - Constructor for record class smile.tensor.EVD
Constructor.
EVD(Vector, Vector, DenseMatrix, DenseMatrix) - Constructor for record class smile.tensor.EVD
Creates an instance of a EVD record class.
EVDJob - Enum Class in smile.linalg
The option if computing eigen vectors.
evolve() - Method in interface smile.gap.LamarckianChromosome
Performs a step of (hill-climbing) local search to evolve this chromosome.
evolve(int) - Method in class smile.gap.GeneticAlgorithm
Performs genetic algorithm for a given number of generations.
evolve(int, double) - Method in class smile.gap.GeneticAlgorithm
Performs genetic algorithm until the given number of generations is reached or the best fitness is larger than the given threshold.
EX - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Existential there.
execute(String) - Method in class smile.data.SQL
Executes an SQL statement, which may return multiple results.
exp() - Method in class smile.deep.tensor.Tensor
Returns the exponential of elements in the tensor.
exp() - Method in record class smile.math.Complex
Returns the complex exponential.
exp(double, double) - Static method in interface smile.util.function.TimeFunction
Returns the exponential decay function.
exp(double, double, double) - Static method in interface smile.util.function.TimeFunction
Returns the exponential decay function.
exp(double, double, double, boolean) - Static method in interface smile.util.function.TimeFunction
Returns the exponential decay function.
exp(String) - Static method in interface smile.data.formula.Terms
The exp(x) term.
exp(Term) - Static method in interface smile.data.formula.Terms
The exp(x) term.
Exp - Class in smile.ica
The contrast function when the independent components are highly super-Gaussian, or when robustness is very important.
Exp() - Constructor for class smile.ica.Exp
Constructor.
exp_() - Method in class smile.deep.tensor.Tensor
Returns the exponential of elements in the tensor in place.
expand() - Method in class smile.data.formula.Delete
 
expand() - Method in class smile.data.formula.FactorCrossing
 
expand() - Method in interface smile.data.formula.Term
Expands the term (e.g.
expand() - Method in class smile.neighbor.lsh.Probe
This operation sets to one the component following the last nonzero component if it is not the last one.
expand(long...) - Method in class smile.deep.tensor.Tensor
Returns a new view of this tensor with singleton dimensions expanded to a larger size.
expand(StructType) - Method in class smile.data.formula.Formula
Expands the Dot and FactorCrossing terms on the given schema.
expandRatio() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the expandRatio record component.
expm1(String) - Static method in interface smile.data.formula.Terms
The exp(x) - 1 term.
expm1(Term) - Static method in interface smile.data.formula.Terms
The exp(x) - 1 term.
ExponentialDistribution - Class in smile.stat.distribution
An exponential distribution describes the times between events in a Poisson process, in which events occur continuously and independently at a constant average rate.
ExponentialDistribution(double) - Constructor for class smile.stat.distribution.ExponentialDistribution
Constructor.
ExponentialFamily - Interface in smile.stat.distribution
The exponential family is a class of probability distributions sharing a certain form.
ExponentialFamilyMixture - Class in smile.stat.distribution
The finite mixture of distributions from exponential family.
ExponentialFamilyMixture(Mixture.Component...) - Constructor for class smile.stat.distribution.ExponentialFamilyMixture
Constructor.
ExponentialVariogram - Class in smile.interpolation.variogram
Exponential variogram.
ExponentialVariogram(double, double) - Constructor for class smile.interpolation.variogram.ExponentialVariogram
Constructor.
ExponentialVariogram(double, double, double) - Constructor for class smile.interpolation.variogram.ExponentialVariogram
Constructor.
extend() - Method in class smile.neighbor.lsh.Probe
This operation adds one to the last nonzero component.
extendBound(double[], double[]) - Method in class smile.plot.swing.Base
Extends lower and upper bounds.
extendBound(double[], double[]) - Method in class smile.plot.swing.Figure
Extends the lower and upper bounds.
extendBound(int) - Method in class smile.plot.swing.Base
Rounds the bounds for axis i.
extendLowerBound(double[]) - Method in class smile.plot.swing.Base
Extends lower bounds.
extendLowerBound(double[]) - Method in class smile.plot.swing.Figure
Extends the lower bounds.
extendUpperBound(double[]) - Method in class smile.plot.swing.Base
Extends upper bounds.
extendUpperBound(double[]) - Method in class smile.plot.swing.Figure
Extends the upper bounds.
extensionLevel() - Method in record class smile.anomaly.IsolationForest.Options
Returns the value of the extensionLevel record component.
extent(double, double) - Method in class smile.plot.vega.BinParams
Sets the range of desired bin values
extent(double, double) - Method in class smile.plot.vega.DensityTransform
Sets a [min, max] domain from which to sample the distribution.
extent(double, double) - Method in class smile.plot.vega.RegressionTransform
Sets a [min, max] domain over the independent (x) field for the starting and ending points of the generated trend line.
extent(String) - Method in class smile.plot.vega.Mark
Sets the extent of the band.
extent(String, String) - Method in class smile.plot.vega.Transform
Adds an extent transform.
eye(int) - Method in class smile.tensor.DenseMatrix
Returns an identity matrix of the same scalar type as this matrix.
eye(int, int) - Method in class smile.tensor.DenseMatrix
Returns an identity matrix of the same scalar type as this matrix.
eye(long) - Static method in class smile.deep.tensor.Tensor
Returns an identity matrix.
eye(Tensor.Options, long) - Static method in class smile.deep.tensor.Tensor
Returns an identity matrix.
eye(ScalarType, int) - Static method in class smile.tensor.DenseMatrix
Returns an identity matrix.
eye(ScalarType, int, int) - Static method in class smile.tensor.DenseMatrix
Returns an identity matrix.

F

f() - Method in record class smile.stat.hypothesis.FTest
Returns the value of the f record component.
f(double) - Method in class smile.ica.Exp
 
f(double) - Method in class smile.ica.Kurtosis
 
f(double) - Method in class smile.ica.LogCosh
 
f(double) - Method in class smile.interpolation.variogram.ExponentialVariogram
 
f(double) - Method in class smile.interpolation.variogram.GaussianVariogram
 
f(double) - Method in class smile.interpolation.variogram.PowerVariogram
 
f(double) - Method in class smile.interpolation.variogram.SphericalVariogram
 
f(double) - Method in interface smile.math.kernel.DotProductKernel
 
f(double) - Method in interface smile.math.kernel.IsotropicKernel
 
f(double) - Method in class smile.math.kernel.Matern
 
f(double) - Method in class smile.math.rbf.GaussianRadialBasis
 
f(double) - Method in class smile.math.rbf.InverseMultiquadricRadialBasis
 
f(double) - Method in class smile.math.rbf.MultiquadricRadialBasis
 
f(double) - Method in class smile.math.rbf.ThinPlateRadialBasis
 
f(double) - Method in class smile.math.Scaler
 
f(double) - Method in interface smile.util.function.Function
Computes the value of the function at x.
f(double[]) - Method in class smile.base.svm.LinearKernelMachine
Returns the value of decision function.
f(double[]) - Method in interface smile.util.function.MultivariateFunction
Computes the value of the function at x.
f(int) - Method in interface smile.util.function.IntFunction
Computes the value of the function at x.
f(int[]) - Method in class smile.base.svm.LinearKernelMachine
Returns the value of decision function.
f(Vector) - Method in interface smile.base.mlp.ActivationFunction
The output function.
f(Vector) - Method in enum class smile.base.mlp.OutputFunction
The output function.
f(SparseArray) - Method in class smile.base.svm.LinearKernelMachine
Returns the value of decision function.
f(T) - Method in class smile.base.rbf.RBF
The activation function.
f1() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the f1 record component.
F1 - Static variable in class smile.validation.metric.FScore
The F_1 score, the harmonic mean of precision and recall.
F2 - Static variable in class smile.validation.metric.FScore
The F_2 score, which weighs recall higher than precision.
facet(String) - Method in class smile.plot.vega.Facet
Returns the field definition for faceting the plot by one field.
Facet - Class in smile.plot.vega
A facet is a trellis plot (or small multiple) of a series of similar plots that displays different subsets of the same data, facilitating comparison across subsets.
Facet(VegaLite) - Constructor for class smile.plot.vega.Facet
Constructor.
FacetField - Class in smile.plot.vega
Facet field definition object.
factor(int) - Method in class smile.data.measure.CategoricalMeasure
Returns the factor value (in range [0, size)) of level.
FactorCrossing - Class in smile.data.formula
Factor crossing.
FactorCrossing(int, String...) - Constructor for class smile.data.formula.FactorCrossing
Constructor.
FactorCrossing(String...) - Constructor for class smile.data.formula.FactorCrossing
Constructor.
factorial(int) - Static method in class smile.math.MathEx
The factorial of n.
FactorInteraction - Class in smile.data.formula
The interaction of all the factors appearing in the term.
FactorInteraction(String...) - Constructor for class smile.data.formula.FactorInteraction
Constructor.
factorize(String...) - Method in record class smile.data.DataFrame
Returns a new DataFrame with given columns converted to nominal.
factorize(CategoricalMeasure) - Method in class smile.data.vector.StringVector
Converts strings to discrete measured values.
Fallout - Class in smile.validation.metric
Fall-out, false alarm rate, or false positive rate (FPR)
Fallout() - Constructor for class smile.validation.metric.Fallout
Constructor.
falseChild() - Method in class smile.base.cart.InternalNode
Returns the false branch child.
family() - Method in class smile.llm.llama.Llama
Returns the model family name.
farthestInsertion() - Method in class smile.graph.Graph
Returns the approximate solution to TSP with the farthest insertion heuristic.
fclose(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fclose(FILE *__stream)
fclose$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fclose(FILE *__stream)
fclose$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fclose(FILE *__stream)
fclose$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fclose(FILE *__stream)
FDistribution - Class in smile.stat.distribution
F-distribution arises in the testing of whether two observed samples have the same variance.
FDistribution(int, int) - Constructor for class smile.stat.distribution.FDistribution
Constructor.
fdopen(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *fdopen(int __fd, const char *__modes)
fdopen$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *fdopen(int __fd, const char *__modes)
fdopen$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *fdopen(int __fd, const char *__modes)
fdopen$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *fdopen(int __fd, const char *__modes)
FDR - Class in smile.validation.metric
The false discovery rate (FDR) is ratio of false positives to combined true and false positives, which is actually 1 - precision.
FDR() - Constructor for class smile.validation.metric.FDR
Constructor.
feature() - Method in class smile.base.cart.InternalNode
Returns the split feature.
feature() - Method in record class smile.feature.selection.FRegression
Returns the value of the feature record component.
feature() - Method in record class smile.feature.selection.InformationValue
Returns the value of the feature record component.
feature() - Method in record class smile.feature.selection.SignalNoiseRatio
Returns the value of the feature record component.
feature() - Method in record class smile.feature.selection.SumSquaresRatio
Returns the value of the feature record component.
Feature - Interface in smile.data.formula
A feature in the formula once bound to a schema.
features() - Method in class smile.feature.extraction.BagOfWords
Returns the feature words.
features() - Method in class smile.vision.EfficientNet
Returns the feature layer block.
FeedForward - Class in smile.llm.llama
Feedforward layer in Transformer.
FeedForward(int, int, int, Double) - Constructor for class smile.llm.llama.FeedForward
Constructor.
feof(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int feof(FILE *__stream)
feof_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int feof_unlocked(FILE *__stream)
feof_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int feof_unlocked(FILE *__stream)
feof_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int feof_unlocked(FILE *__stream)
feof_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int feof_unlocked(FILE *__stream)
feof$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int feof(FILE *__stream)
feof$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int feof(FILE *__stream)
feof$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int feof(FILE *__stream)
ferror(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int ferror(FILE *__stream)
ferror_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int ferror_unlocked(FILE *__stream)
ferror_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int ferror_unlocked(FILE *__stream)
ferror_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int ferror_unlocked(FILE *__stream)
ferror_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int ferror_unlocked(FILE *__stream)
ferror$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int ferror(FILE *__stream)
ferror$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int ferror(FILE *__stream)
ferror$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int ferror(FILE *__stream)
fflush(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fflush(FILE *__stream)
fflush_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fflush_unlocked(FILE *__stream)
fflush_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fflush_unlocked(FILE *__stream)
fflush_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fflush_unlocked(FILE *__stream)
fflush_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fflush_unlocked(FILE *__stream)
fflush$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fflush(FILE *__stream)
fflush$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fflush(FILE *__stream)
fflush$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fflush(FILE *__stream)
ffnDimMultiplier() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the ffnDimMultiplier record component.
fgetc(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fgetc(FILE *__stream)
fgetc_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fgetc_unlocked(FILE *__stream)
fgetc_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fgetc_unlocked(FILE *__stream)
fgetc_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fgetc_unlocked(FILE *__stream)
fgetc_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fgetc_unlocked(FILE *__stream)
fgetc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fgetc(FILE *__stream)
fgetc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fgetc(FILE *__stream)
fgetc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fgetc(FILE *__stream)
fgetpos(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fgetpos(FILE *restrict __stream, fpos_t *restrict __pos)
fgetpos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fgetpos(FILE *restrict __stream, fpos_t *restrict __pos)
fgetpos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fgetpos(FILE *restrict __stream, fpos_t *restrict __pos)
fgetpos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fgetpos(FILE *restrict __stream, fpos_t *restrict __pos)
fgets(MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern char *fgets(char *restrict __s, int __n, FILE *restrict __stream)
fgets$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern char *fgets(char *restrict __s, int __n, FILE *restrict __stream)
fgets$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern char *fgets(char *restrict __s, int __n, FILE *restrict __stream)
fgets$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern char *fgets(char *restrict __s, int __n, FILE *restrict __stream)
FHalf - Static variable in class smile.validation.metric.FScore
The F_0.5 score, which weighs recall lower than precision.
field() - Method in interface smile.data.formula.Feature
Returns the metadata of feature.
field() - Method in record class smile.data.type.Property
Returns the value of the field record component.
field() - Method in class smile.data.vector.AbstractVector
 
field() - Method in interface smile.data.vector.ValueVector
Returns the struct field of the vector.
field() - Method in record class smile.plot.vega.SortField
Returns the value of the field record component.
field() - Method in record class smile.plot.vega.WindowTransformField
Returns the value of the field record component.
field(int) - Method in record class smile.data.type.StructType
Return the i-th field.
field(String) - Method in record class smile.data.type.StructType
Return the field of given name.
Field - Class in smile.plot.vega
Encoding field definition object.
fields() - Method in record class smile.data.type.StructType
Returns the value of the fields record component.
fields(String...) - Method in class smile.plot.vega.LookupData
Returns the fields in foreign data or selection to lookup.
fieldTitle(String) - Method in class smile.plot.vega.Config
Defines how Vega-Lite generates title for fields.
figure() - Method in class smile.plot.swing.BarPlot
 
figure() - Method in class smile.plot.swing.BoxPlot
 
figure() - Method in class smile.plot.swing.Canvas
Returns the figure in this canvas.
figure() - Method in class smile.plot.swing.Contour
 
figure() - Method in class smile.plot.swing.Dendrogram
 
figure() - Method in class smile.plot.swing.Heatmap
 
figure() - Method in class smile.plot.swing.Hexmap
 
figure() - Method in class smile.plot.swing.LinePlot
 
figure() - Method in class smile.plot.swing.Plot
Returns a figure containing the plot.
figure() - Method in class smile.plot.swing.ScreePlot
 
figure() - Method in class smile.plot.swing.SparseMatrixPlot
 
figure() - Method in class smile.plot.swing.StaircasePlot
 
Figure - Class in smile.plot.swing
A figure serves as the canvas on which plots and other elements are drawn.
Figure(double[], double[]) - Constructor for class smile.plot.swing.Figure
Constructor.
Figure(double[], double[], boolean) - Constructor for class smile.plot.swing.Figure
Constructor.
FigurePane - Class in smile.plot.swing
The Swing container of a figure with toolbar.
FigurePane(Figure) - Constructor for class smile.plot.swing.FigurePane
Constructor.
file(String) - Static method in interface smile.io.HadoopInput
Returns the Parquet's InputFile instance of a file path or URI.
FileChooser - Class in smile.swing
File chooser for with file/images preview.
FileChooser() - Constructor for class smile.swing.FileChooser
Constructor.
FileChooser.SimpleFileFilter - Class in smile.swing
A simple extension-based file filter.
FILENAME_MAX() - Static method in class smile.linalg.blas.cblas_h
#define FILENAME_MAX 4096
fileno(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fileno(FILE *__stream)
fileno_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fileno_unlocked(FILE *__stream)
fileno_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fileno_unlocked(FILE *__stream)
fileno_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fileno_unlocked(FILE *__stream)
fileno_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fileno_unlocked(FILE *__stream)
fileno$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fileno(FILE *__stream)
fileno$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fileno(FILE *__stream)
fileno$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fileno(FILE *__stream)
fill(char, int) - Static method in interface smile.util.Strings
Returns the string with a single repeated character to a specific length.
fill(double) - Method in class smile.tensor.DenseMatrix
Assigns the specified value to each element of the specified vector.
fill(int, int, double) - Method in class smile.tensor.Vector
Assigns the specified value to each element of the specified range of the specified vector.
fill(String) - Method in class smile.plot.vega.Background
Sets the fill color.
fill(String) - Method in class smile.plot.vega.Mark
Sets the default fill color.
fill(String) - Method in class smile.plot.vega.ViewConfig
Sets the fill color.
fill_(double) - Method in class smile.deep.tensor.Tensor
Fills this tensor with the specified value.
fill_(int) - Method in class smile.deep.tensor.Tensor
Fills this tensor with the specified value.
fillColor(String) - Method in class smile.plot.vega.Legend
Sets the background fill color for the full legend.
filled(boolean) - Method in class smile.plot.vega.Mark
Sets whether the mark's color should be used as fill color instead of stroke color.
fillna(double) - Method in record class smile.data.DataFrame
Fills null/NaN/Inf values of numeric columns with the specified value.
fillna(double) - Method in class smile.data.vector.DoubleVector
Fills NaN/Inf values with the specified value.
fillna(double) - Method in class smile.data.vector.NullableDoubleVector
Fills NaN/Inf values using the specified value.
fillna(double) - Method in class smile.data.vector.NullablePrimitiveVector
Fills NaN/Inf values with the specified value.
fillna(double) - Method in class smile.data.vector.NumberVector
Fills null/NaN/Inf values with the specified value.
fillna(float) - Method in class smile.data.vector.FloatVector
Fills NaN/Inf values with the specified value.
fillna(float) - Method in class smile.data.vector.NullableFloatVector
Fills NaN/Inf values using the specified value.
fillOpacity(double) - Method in class smile.plot.vega.Background
Sets the fill opacity.
fillOpacity(double) - Method in class smile.plot.vega.Mark
Sets the fill opacity.
fillOpacity(double) - Method in class smile.plot.vega.ViewConfig
Sets the fill opacity.
fillPolygon(double[]...) - Method in class smile.plot.swing.Renderer
Fills polygon.
fillPolygon(float, double[]...) - Method in class smile.plot.swing.Renderer
Fills polygon.
fillRect(double[], double[]) - Method in class smile.plot.swing.Renderer
Fills the specified rectangle.
fillRectBaseRatio(double[], double[]) - Method in class smile.plot.swing.Renderer
Fills the specified rectangle.
filter(String) - Method in class smile.plot.vega.Transform
Adds a filter transform.
filter(Predicate) - Method in class smile.plot.vega.Transform
Adds a filter transform.
finalMomentum() - Method in record class smile.manifold.TSNE.Options
Returns the value of the finalMomentum record component.
findBestSplit(LeafNode, int, double, int, int) - Method in class smile.base.cart.CART
Finds the best split for given column.
findBestSplit(LeafNode, int, double, int, int) - Method in class smile.classification.DecisionTree
 
findBestSplit(LeafNode, int, double, int, int) - Method in class smile.regression.RegressionTree
 
findBestSplit(LeafNode, int, int, boolean[]) - Method in class smile.base.cart.CART
Finds the best attribute to split on a set of samples.
FinishReason - Enum Class in smile.llm
The reasons that the chat completions finish.
FIREBRICK - Static variable in class smile.plot.swing.Palette
The color firebrick with an RGB value of #B22222
fit(double[]) - Static method in class smile.stat.distribution.BetaDistribution
Estimates the distribution parameters by the moment method.
fit(double[]) - Static method in class smile.stat.distribution.ExponentialDistribution
Estimates the distribution parameters by MLE.
fit(double[]) - Static method in class smile.stat.distribution.GammaDistribution
Estimates the distribution parameters by (approximate) MLE.
fit(double[]) - Static method in class smile.stat.distribution.GaussianDistribution
Estimates the distribution parameters by MLE.
fit(double[]) - Static method in class smile.stat.distribution.GaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(double[]) - Static method in class smile.stat.distribution.LogNormalDistribution
Estimates the distribution parameters by MLE.
fit(double[][]) - Static method in class smile.anomaly.IsolationForest
Fits an isolation forest.
fit(double[][]) - Static method in record class smile.manifold.IsotonicMDS
Fits Kruskal's non-metric MDS with default k = 2, tolerance = 1E-4 and maxIter = 200.
fit(double[][]) - Static method in record class smile.manifold.MDS
Fits the classical multidimensional scaling.
fit(double[][]) - Static method in record class smile.manifold.SammonMapping
Fits Sammon's mapping with default d = 2, step = 0.2, tolerance = 1E-4 and maxIter = 100.
fit(double[][]) - Static method in record class smile.manifold.TSNE
Fits t-SNE for given number of iterations.
fit(double[][]) - Static method in class smile.stat.distribution.MultivariateGaussianDistribution
Estimates the mean and diagonal covariance by MLE.
fit(double[][]) - Static method in class smile.stat.distribution.MultivariateGaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(double[][], boolean) - Static method in class smile.stat.distribution.MultivariateGaussianDistribution
Estimates the mean and covariance by MLE.
fit(double[][], boolean) - Static method in class smile.stat.distribution.MultivariateGaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(double[][], double[][], IsotonicMDS.Options) - Static method in record class smile.manifold.IsotonicMDS
Fits Kruskal's non-metric MDS.
fit(double[][], double[][], SammonMapping.Options) - Static method in record class smile.manifold.SammonMapping
Fits Sammon's mapping.
fit(double[][], double[], Properties) - Static method in class smile.regression.GaussianProcessRegression
Fits a regular Gaussian process model.
fit(double[][], double[], Properties) - Static method in class smile.regression.MLP
Fits a MLP model.
fit(double[][], double[], Properties) - Static method in class smile.regression.RBFNetwork
Fits an RBF network.
fit(double[][], double[], Properties) - Static method in class smile.regression.SVM
Fits an epsilon-SVR.
fit(double[][], double[], SVM.Options) - Static method in class smile.regression.SVM
Fits a linear epsilon-SVR.
fit(double[][], double, int) - Static method in class smile.clustering.DENCLUE
Clustering data.
fit(double[][], int) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(double[][], int) - Static method in record class smile.ica.ICA
Fits independent component analysis with LogCosh contrast function.
fit(double[][], int[]) - Static method in class smile.classification.FLD
Fits Fisher's linear discriminant.
fit(double[][], int[]) - Static method in class smile.classification.KNN
Fits the 1-NN classifier.
fit(double[][], int[]) - Static method in class smile.classification.LDA
Fits linear discriminant analysis.
fit(double[][], int[]) - Static method in class smile.classification.LogisticRegression
Fits logistic regression.
fit(double[][], int[]) - Static method in class smile.classification.QDA
Fits quadratic discriminant analysis.
fit(double[][], int[], double) - Static method in class smile.classification.RDA
Fits regularized discriminant analysis.
fit(double[][], int[], double[], double) - Static method in class smile.classification.LDA
Fits linear discriminant analysis.
fit(double[][], int[], double[], double) - Static method in class smile.classification.QDA
Fits quadratic discriminant analysis.
fit(double[][], int[], double, double[], double) - Static method in class smile.classification.RDA
Fits regularized discriminant analysis.
fit(double[][], int[], int) - Static method in class smile.classification.KNN
Fits the K-NN classifier.
fit(double[][], int[], int, double) - Static method in class smile.classification.FLD
Fits Fisher's linear discriminant.
fit(double[][], int[], Properties) - Static method in class smile.classification.FLD
Fits Fisher's linear discriminant.
fit(double[][], int[], Properties) - Static method in class smile.classification.LDA
Fits linear discriminant analysis.
fit(double[][], int[], Properties) - Static method in class smile.classification.LogisticRegression
Fits logistic regression.
fit(double[][], int[], Properties) - Static method in class smile.classification.MLP
Fits a MLP model.
fit(double[][], int[], Properties) - Static method in class smile.classification.QDA
Fits quadratic discriminant analysis.
fit(double[][], int[], Properties) - Static method in class smile.classification.RBFNetwork
Fits an RBF network.
fit(double[][], int[], Properties) - Static method in class smile.classification.RDA
Fits regularized discriminant analysis.
fit(double[][], int[], Properties) - Static method in class smile.classification.SVM
Fits a binary or multiclass SVM.
fit(double[][], int[], LogisticRegression.Options) - Static method in class smile.classification.LogisticRegression
Fits logistic regression.
fit(double[][], int[], SVM.Options) - Static method in class smile.classification.SVM
Fits a binary linear SVM.
fit(double[][], int, double) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(double[][], int, double) - Static method in class smile.clustering.DBSCAN
Clustering the data with KD-tree.
fit(double[][], int, double, int) - Static method in class smile.clustering.DeterministicAnnealing
Clustering data into k clusters.
fit(double[][], int, int) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(double[][], int, int) - Static method in class smile.clustering.GMeans
Clustering data with the number of clusters determined by G-Means algorithm automatically.
fit(double[][], int, int) - Static method in class smile.clustering.KMeans
Fits k-means clustering.
fit(double[][], int, int) - Static method in class smile.clustering.XMeans
Clustering data with the number of clusters determined by X-Means algorithm automatically.
fit(double[][], int, String...) - Static method in class smile.feature.extraction.ProbabilisticPCA
Fits probabilistic principal component analysis.
fit(double[][], int, ICA.Options) - Static method in record class smile.ica.ICA
Fits independent component analysis.
fit(double[][], String...) - Static method in class smile.feature.extraction.PCA
Fits principal component analysis with covariance matrix.
fit(double[][], IsolationForest.Options) - Static method in class smile.anomaly.IsolationForest
Fits a random forest for classification.
fit(double[][], Clustering.Options) - Static method in class smile.clustering.GMeans
Clustering data with the number of clusters determined by G-Means algorithm automatically.
fit(double[][], Clustering.Options) - Static method in class smile.clustering.KMeans
Fits k-means clustering.
fit(double[][], Clustering.Options) - Static method in class smile.clustering.XMeans
Clustering data with the number of clusters determined by X-Means algorithm automatically.
fit(double[][], DENCLUE.Options) - Static method in class smile.clustering.DENCLUE
Clustering data.
fit(double[][], DeterministicAnnealing.Options) - Static method in class smile.clustering.DeterministicAnnealing
Clustering data into k clusters.
fit(double[][], SpectralClustering.Options) - Static method in class smile.clustering.SpectralClustering
Spectral clustering the data.
fit(double[][], NearestNeighborGraph, int) - Static method in class smile.manifold.LLE
Runs the LLE algorithm.
fit(double[][], IsoMap.Options) - Static method in class smile.manifold.IsoMap
Runs the Isomap algorithm.
fit(double[][], IsotonicMDS.Options) - Static method in record class smile.manifold.IsotonicMDS
Fits Kruskal's non-metric MDS.
fit(double[][], LaplacianEigenmap.Options) - Static method in class smile.manifold.LaplacianEigenmap
Laplacian Eigenmaps with Gaussian kernel.
fit(double[][], LLE.Options) - Static method in class smile.manifold.LLE
Runs the LLE algorithm.
fit(double[][], MDS.Options) - Static method in record class smile.manifold.MDS
Fits the classical multidimensional scaling.
fit(double[][], SammonMapping.Options) - Static method in record class smile.manifold.SammonMapping
Fits Sammon's mapping.
fit(double[][], TSNE.Options) - Static method in record class smile.manifold.TSNE
Fits t-SNE for given number of iterations.
fit(double[][], UMAP.Options) - Static method in class smile.manifold.UMAP
Runs the UMAP algorithm with Euclidean distance.
fit(double[][], MultivariateMixture.Component...) - Static method in class smile.stat.distribution.MultivariateExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(double[][], MultivariateMixture.Component[], double, int, double) - Static method in class smile.stat.distribution.MultivariateExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(double[], int) - Static method in class smile.timeseries.AR
Fits an autoregressive model with Yule-Walker procedure.
fit(double[], int[]) - Static method in class smile.classification.IsotonicRegressionScaling
Trains the Isotonic Regression scaling.
fit(double[], int[]) - Static method in class smile.classification.PlattScaling
Trains the Platt scaling.
fit(double[], int[], int) - Static method in class smile.classification.PlattScaling
Trains the Platt scaling.
fit(double[], int, int) - Static method in class smile.timeseries.ARMA
Fits an ARMA model with Hannan-Rissanen algorithm.
fit(double[], Mixture.Component...) - Static method in class smile.stat.distribution.ExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(double[], Mixture.Component[], double, int, double) - Static method in class smile.stat.distribution.ExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(int[]) - Static method in class smile.classification.ClassLabels
Fits the class label mapping.
fit(int[]) - Static method in class smile.stat.distribution.BernoulliDistribution
Estimates the distribution parameters by MLE.
fit(int[]) - Static method in class smile.stat.distribution.EmpiricalDistribution
Estimates the distribution.
fit(int[]) - Static method in class smile.stat.distribution.GeometricDistribution
Estimates the distribution parameters by MLE.
fit(int[]) - Static method in class smile.stat.distribution.PoissonDistribution
Estimates the distribution parameters by MLE.
fit(int[]) - Static method in class smile.stat.distribution.ShiftedGeometricDistribution
Estimates the distribution parameters by MLE.
fit(int[][], double[], int, SVM.Options) - Static method in class smile.regression.SVM
Fits a linear epsilon-SVR of binary sparse data.
fit(int[][], int[][]) - Static method in class smile.sequence.HMM
Fits an HMM by maximum likelihood estimation.
fit(int[][], int[], int, SVM.Options) - Static method in class smile.classification.SVM
Fits a binary linear SVM of binary sparse data.
fit(int[][], int, int) - Static method in class smile.clustering.KModes
Fits k-modes clustering.
fit(int[][], Clustering.Options) - Static method in class smile.clustering.KModes
Fits k-modes clustering.
fit(int[], DiscreteMixture.Component...) - Static method in class smile.stat.distribution.DiscreteExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(int[], DiscreteMixture.Component[], double, int, double) - Static method in class smile.stat.distribution.DiscreteExponentialFamilyMixture
Fits the mixture model with the EM algorithm.
fit(int[], IntSet) - Static method in class smile.stat.distribution.EmpiricalDistribution
Estimates the distribution.
fit(int, double[]) - Static method in class smile.stat.distribution.GaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(int, double[][]) - Static method in class smile.stat.distribution.MultivariateGaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(int, double[][], boolean) - Static method in class smile.stat.distribution.MultivariateGaussianMixture
Fits the Gaussian mixture model with the EM algorithm.
fit(int, int[][], int[]) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
fit(int, int[][], int[], Maxent.Options) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
fit(String[][], PennTreebankPOS[][]) - Static method in class smile.nlp.pos.HMMPOSTagger
Fits an HMM POS tagger by maximum likelihood estimation.
fit(Classifier, T[], int[]) - Static method in class smile.classification.PlattScaling
Fits Platt Scaling to estimate posteriori probabilities.
fit(BBDTree, double[][], Clustering.Options) - Static method in class smile.clustering.KMeans
Partitions data into k clusters.
fit(Linkage) - Static method in record class smile.clustering.HierarchicalClustering
Fits the Agglomerative Hierarchical Clustering with given linkage method, which includes proximity matrix.
fit(DataFrame) - Static method in interface smile.feature.transform.WinsorScaler
Fits the data transformation with 5% lower limit and 95% upper limit.
fit(DataFrame, double, double, String...) - Static method in class smile.feature.imputation.SimpleImputer
Fits the missing value imputation values.
fit(DataFrame, double, double, String...) - Static method in interface smile.feature.transform.WinsorScaler
Fits the data transformation.
fit(DataFrame, int, String...) - Static method in class smile.feature.extraction.ProbabilisticPCA
Fits probabilistic principal component analysis.
fit(DataFrame, String) - Static method in record class smile.feature.selection.FRegression
Calculates the signal noise ratio of numeric variables.
fit(DataFrame, String) - Static method in record class smile.feature.selection.InformationValue
Calculates the information value.
fit(DataFrame, String) - Static method in record class smile.feature.selection.SignalNoiseRatio
Calculates the signal noise ratio of numeric variables.
fit(DataFrame, String) - Static method in record class smile.feature.selection.SumSquaresRatio
Calculates the sum squares ratio of numeric variables.
fit(DataFrame, String...) - Static method in class smile.feature.extraction.PCA
Fits principal component analysis with covariance matrix.
fit(DataFrame, String...) - Static method in class smile.feature.imputation.SimpleImputer
Fits the missing value imputation values.
fit(DataFrame, String...) - Static method in interface smile.feature.transform.MaxAbsScaler
Fits the data transformation.
fit(DataFrame, String...) - Static method in interface smile.feature.transform.RobustStandardizer
Fits the data transformation.
fit(DataFrame, String...) - Static method in interface smile.feature.transform.Scaler
Fits the data transformation.
fit(DataFrame, String...) - Static method in interface smile.feature.transform.Standardizer
Fits the data transformation.
fit(DataFrame, String, int) - Static method in record class smile.feature.selection.InformationValue
Calculates the information value.
fit(DataFrame, Function, int, String...) - Static method in class smile.feature.extraction.BagOfWords
Learns a vocabulary dictionary of top-k frequent tokens in the raw documents.
fit(DataFrame, Function...) - Static method in interface smile.data.transform.Transform
Fits a pipeline of data transforms.
fit(DataFrame, Distance, int) - Static method in class smile.feature.imputation.KMedoidsImputer
Fits the missing value imputation values.
fit(DataFrame, MercerKernel, KPCA.Options, String...) - Static method in class smile.feature.extraction.KernelPCA
Fits kernel principal component analysis.
fit(Dataset) - Static method in class smile.classification.ClassLabels
Fits the class label mapping.
fit(Formula, DataFrame) - Static method in class smile.classification.AdaBoost
Fits a AdaBoost model.
fit(Formula, DataFrame) - Method in interface smile.classification.DataFrameClassifier.Trainer
Fits a classification model with the default hyperparameters.
fit(Formula, DataFrame) - Static method in class smile.classification.DecisionTree
Fits a classification tree.
fit(Formula, DataFrame) - Static method in class smile.classification.GradientTreeBoost
Fits a gradient tree boosting for classification.
fit(Formula, DataFrame) - Static method in class smile.classification.RandomForest
Fits a random forest for classification.
fit(Formula, DataFrame) - Method in interface smile.regression.DataFrameRegression.Trainer
Fits a regression model with the default hyperparameters.
fit(Formula, DataFrame) - Static method in class smile.regression.GradientTreeBoost
Fits a gradient tree boosting for regression.
fit(Formula, DataFrame) - Static method in class smile.regression.LASSO
Fits a L1-regularized least squares model.
fit(Formula, DataFrame) - Static method in class smile.regression.OLS
Fits an ordinary least squares model.
fit(Formula, DataFrame) - Static method in class smile.regression.RandomForest
Fits a random forest for regression.
fit(Formula, DataFrame) - Static method in class smile.regression.RegressionTree
Fits a regression tree.
fit(Formula, DataFrame, double) - Static method in class smile.regression.RidgeRegression
Fits a ridge regression model.
fit(Formula, DataFrame, double[], RidgeRegression.Options) - Static method in class smile.regression.RidgeRegression
Fits a generalized ridge regression model that minimizes a weighted least squares criterion augmented with a generalized ridge penalty:
fit(Formula, DataFrame, double, double) - Static method in class smile.regression.ElasticNet
Fits an Elastic Net model.
fit(Formula, DataFrame, BiFunction) - Static method in class smile.classification.OneVersusOne
Fits a multi-class model with binary data frame classifiers.
fit(Formula, DataFrame, BiFunction) - Static method in class smile.classification.OneVersusRest
Fits a multi-class model with binary data frame classifiers.
fit(Formula, DataFrame, Properties) - Method in interface smile.classification.DataFrameClassifier.Trainer
Fits a classification model.
fit(Formula, DataFrame, Properties) - Method in interface smile.regression.DataFrameRegression.Trainer
Fits a regression model.
fit(Formula, DataFrame, AdaBoost.Options) - Static method in class smile.classification.AdaBoost
Fits a AdaBoost model.
fit(Formula, DataFrame, DecisionTree.Options) - Static method in class smile.classification.DecisionTree
Fits a classification tree.
fit(Formula, DataFrame, GradientTreeBoost.Options) - Static method in class smile.classification.GradientTreeBoost
Fits a gradient tree boosting for classification.
fit(Formula, DataFrame, RandomForest.Options) - Static method in class smile.classification.RandomForest
Fits a random forest for classification.
fit(Formula, DataFrame, Model) - Static method in class smile.glm.GLM
Fits the generalized linear model with IWLS (iteratively reweighted least squares).
fit(Formula, DataFrame, Model, GLM.Options) - Static method in class smile.glm.GLM
Fits the generalized linear model with IWLS (iteratively reweighted least squares).
fit(Formula, DataFrame, ElasticNet.Options) - Static method in class smile.regression.ElasticNet
Fits an Elastic Net model.
fit(Formula, DataFrame, GradientTreeBoost.Options) - Static method in class smile.regression.GradientTreeBoost
Fits a gradient tree boosting for regression.
fit(Formula, DataFrame, LASSO.Options) - Static method in class smile.regression.LASSO
Fits a L1-regularized least squares model.
fit(Formula, DataFrame, OLS.Options) - Static method in class smile.regression.OLS
Fits an ordinary least squares model.
fit(Formula, DataFrame, RandomForest.Options) - Static method in class smile.regression.RandomForest
Fits a random forest for regression.
fit(Formula, DataFrame, RegressionTree.Options) - Static method in class smile.regression.RegressionTree
Fits a regression tree.
fit(SparseDataset) - Static method in class smile.classification.SparseLogisticRegression
Fits logistic regression.
fit(SparseDataset, Properties) - Static method in class smile.classification.SparseLogisticRegression
Fits logistic regression.
fit(SparseDataset, LogisticRegression.Options) - Static method in class smile.classification.SparseLogisticRegression
Fits logistic regression.
fit(Tuple[][], int[][]) - Static method in class smile.sequence.CRF
Fits a CRF model.
fit(Tuple[][], int[][], CRF.Options) - Static method in class smile.sequence.CRF
Fits a CRF model.
fit(ValueVector) - Static method in class smile.classification.ClassLabels
Fits the class label mapping.
fit(NearestNeighborGraph, IsoMap.Options) - Static method in class smile.manifold.IsoMap
Runs the Isomap algorithm.
fit(NearestNeighborGraph, LaplacianEigenmap.Options) - Static method in class smile.manifold.LaplacianEigenmap
Laplacian Eigenmaps with Gaussian kernel.
fit(RNNSearch, double[][], double) - Method in class smile.neighbor.MPLSH
Fits the posteriori multiple probe algorithm.
fit(RNNSearch, double[][], double, int) - Method in class smile.neighbor.MPLSH
Fits the posteriori multiple probe algorithm.
fit(RNNSearch, double[][], double, int, double) - Method in class smile.neighbor.MPLSH
Train the posteriori multiple probe algorithm.
fit(DifferentiableMultivariateFunction, double[][], double[], double[]) - Static method in record class smile.math.LevenbergMarquardt
Fits the nonlinear least squares.
fit(DifferentiableMultivariateFunction, double[][], double[], double[], double, int) - Static method in record class smile.math.LevenbergMarquardt
Fits the nonlinear least squares.
fit(DifferentiableMultivariateFunction, double[], double[], double[]) - Static method in record class smile.math.LevenbergMarquardt
Fits the nonlinear least squares.
fit(DifferentiableMultivariateFunction, double[], double[], double[], double, int) - Static method in record class smile.math.LevenbergMarquardt
Fits the nonlinear least squares.
fit(SparseArray[], double[], int, SVM.Options) - Static method in class smile.regression.SVM
Fits a linear epsilon-SVR of sparse data.
fit(SparseArray[], int[], int, SVM.Options) - Static method in class smile.classification.SVM
Fits a binary linear SVM.
fit(SparseArray[], int, int) - Static method in class smile.clustering.SIB
Clustering data into k clusters up to 100 iterations.
fit(SparseArray[], Clustering.Options) - Static method in class smile.clustering.SIB
Clustering data into k clusters.
fit(SparseIntArray[], int, Clustering.Options) - Static method in class smile.clustering.SpectralClustering
Spectral clustering the nonnegative count data with cosine similarity.
fit(T[]) - Method in class smile.base.svm.OCSVM
Fits a one-class support vector machine.
fit(T[][], int[][], Function) - Static method in class smile.sequence.CRFLabeler
Fits a CRF model.
fit(T[][], int[][], Function, CRF.Options) - Static method in class smile.sequence.CRFLabeler
Fits a CRF.
fit(T[][], int[][], ToIntFunction) - Static method in class smile.sequence.HMM
Fits an HMM by maximum likelihood estimation.
fit(T[][], int[][], ToIntFunction) - Static method in class smile.sequence.HMMLabeler
Fits an HMM by maximum likelihood estimation.
fit(T[], double[]) - Method in class smile.base.svm.SVR
Fits an epsilon support vector regression model.
fit(T[], double[]) - Method in interface smile.regression.Regression.Trainer
Fits a regression model with the default hyperparameters.
fit(T[], double[], Properties) - Method in interface smile.regression.Regression.Trainer
Fits a regression model.
fit(T[], double[], RBF[]) - Static method in class smile.regression.RBFNetwork
Fits an RBF network.
fit(T[], double[], RBF[], boolean) - Static method in class smile.regression.RBFNetwork
Fits an RBF network.
fit(T[], double[], MercerKernel, GaussianProcessRegression.Options) - Static method in class smile.regression.GaussianProcessRegression
Fits a regular Gaussian process model.
fit(T[], double[], MercerKernel, SVM.Options) - Static method in class smile.regression.SVM
Fits an epsilon-SVR.
fit(T[], double[], T[], MercerKernel, GaussianProcessRegression.Options) - Static method in class smile.regression.GaussianProcessRegression
Fits an approximate Gaussian process model by the method of subset of regressors.
fit(T[], int[]) - Method in interface smile.classification.Classifier.Trainer
Fits a classification model with the default hyperparameters.
fit(T[], int[], int) - Method in class smile.base.svm.LASVM
Trains the model.
fit(T[], int[], int, int, BiFunction) - Static method in class smile.classification.OneVersusOne
Fits a multi-class model with binary classifiers.
fit(T[], int[], int, int, BiFunction) - Static method in class smile.classification.OneVersusRest
Fits a multi-class model with binary classifiers.
fit(T[], int[], int, Distance) - Static method in class smile.classification.KNN
Fits the K-NN classifier.
fit(T[], int[], BiFunction) - Static method in class smile.classification.OneVersusOne
Fits a multi-class model with binary classifiers.
fit(T[], int[], BiFunction) - Static method in class smile.classification.OneVersusRest
Fits a multi-class model with binary classifiers.
fit(T[], int[], Properties) - Method in interface smile.classification.Classifier.Trainer
Fits a classification model.
fit(T[], int[], RBF[]) - Static method in class smile.classification.RBFNetwork
Fits an RBF network.
fit(T[], int[], RBF[], boolean) - Static method in class smile.classification.RBFNetwork
Fits an RBF network.
fit(T[], int[], Distance) - Static method in class smile.classification.KNN
Fits the 1-NN classifier.
fit(T[], int[], MercerKernel, SVM.Options) - Static method in class smile.classification.SVM
Fits a binary SVM.
fit(T[], NearestNeighborGraph, UMAP.Options) - Static method in class smile.manifold.UMAP
Runs the UMAP algorithm.
fit(T[], Distance, int) - Static method in class smile.clustering.KMedoids
Fits k-medoids clustering.
fit(T[], Distance, int, double) - Static method in class smile.clustering.DBSCAN
Clustering the data.
fit(T[], Distance, int, double) - Static method in class smile.clustering.MEC
Clustering the data.
fit(T[], Distance, Clustering.Options) - Static method in class smile.clustering.KMedoids
Fits k-medoids clustering.
fit(T[], Distance, IsoMap.Options) - Static method in class smile.manifold.IsoMap
Runs the Isomap algorithm.
fit(T[], Distance, LaplacianEigenmap.Options) - Static method in class smile.manifold.LaplacianEigenmap
Laplacian Eigenmaps with discrete weights.
fit(T[], Metric, int) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(T[], Metric, int, double) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(T[], Metric, int, int) - Static method in class smile.base.rbf.RBF
Fits Gaussian RBF function and centers on data.
fit(T[], Metric, UMAP.Options) - Static method in class smile.manifold.UMAP
Runs the UMAP algorithm.
fit(T[], MercerKernel) - Static method in class smile.anomaly.SVM
Fits a one-class SVM.
fit(T[], MercerKernel, SVM.Options) - Static method in class smile.anomaly.SVM
Fits a one-class SVM.
fit(T[], MercerKernel, KPCA.Options) - Static method in class smile.manifold.KPCA
Fits kernel principal component analysis.
fit(T[], RNNSearch, int[], MEC.Options) - Static method in class smile.clustering.MEC
Clustering the data.
fit(T[], RNNSearch, int, double) - Static method in class smile.clustering.DBSCAN
Clustering the data.
fitness() - Method in class smile.gap.BitString
 
fitness() - Method in interface smile.gap.Chromosome
Returns the fitness of chromosome.
fitness(double[][], double[], double[][], double[], RegressionMetric, BiFunction) - Static method in class smile.feature.selection.GAFE
Returns the fitness of the regression model.
fitness(double[][], int[], double[][], int[], ClassificationMetric, BiFunction) - Static method in class smile.feature.selection.GAFE
Returns the fitness of the classification model.
fitness(String, DataFrame, DataFrame, ClassificationMetric, BiFunction) - Static method in class smile.feature.selection.GAFE
Returns the fitness of the classification model.
fitness(String, DataFrame, DataFrame, RegressionMetric, BiFunction) - Static method in class smile.feature.selection.GAFE
Returns the fitness of the regression model.
Fitness<T> - Interface in smile.gap
A measure to evaluate the fitness of chromosomes.
fittedValues() - Method in class smile.glm.GLM
Returns the fitted mean values.
fittedValues() - Method in record class smile.math.LevenbergMarquardt
Returns the value of the fittedValues record component.
fittedValues() - Method in class smile.regression.LinearModel
Returns the fitted values.
fittedValues() - Method in class smile.timeseries.AR
Returns the fitted values.
fittedValues() - Method in class smile.timeseries.ARMA
Returns the fitted values.
fitTime() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the fitTime record component.
fitTime() - Method in record class smile.validation.RegressionMetrics
Returns the value of the fitTime record component.
flatten() - Method in class smile.deep.tensor.Tensor
Flattens the tensor by reshaping it into a one-dimensional tensor.
flatten(int) - Method in class smile.deep.tensor.Tensor
Flattens the tensor by reshaping it into a one-dimensional tensor.
flatten(int, int) - Method in class smile.deep.tensor.Tensor
Flattens the tensor by reshaping it into a one-dimensional tensor.
flatten(String[], String[]) - Method in class smile.plot.vega.Transform
Adds a flatten transform.
flatten(Index) - Method in interface smile.util.Index
Flatten the index of index.
FLD - Class in smile.classification
Fisher's linear discriminant.
FLD(double[], double[][], DenseMatrix) - Constructor for class smile.classification.FLD
Constructor.
FLD(double[], double[][], DenseMatrix, IntSet) - Constructor for class smile.classification.FLD
Constructor.
flip(Transpose) - Static method in enum class smile.linalg.Transpose
Flips the value, null safe.
flip(UPLO) - Static method in enum class smile.linalg.UPLO
Flips the value, null safe.
Float - Enum constant in enum class smile.data.type.DataType.ID
Float type ID.
FLOAT_DIGITS - Static variable in class smile.math.MathEx
The number of digits (in radix base) in the mantissa.
FLOAT_EPSILON - Static variable in class smile.math.MathEx
The machine precision for the float type, which is the difference between 1 and the smallest value greater than 1 that is representable for the float type.
FLOAT_MACHEP - Static variable in class smile.math.MathEx
The largest negative integer such that 1.0 + RADIXMACHEP ≠ 1.0, except that machep is bounded below by -(DIGITS+3)
FLOAT_NEGEP - Static variable in class smile.math.MathEx
The largest negative integer such that 1.0 - RADIXNEGEP ≠ 1.0, except that negeps is bounded below by -(DIGITS+3)
Float16 - Enum constant in enum class smile.deep.tensor.ScalarType
Half-precision floating-point number.
Float16 - Enum constant in enum class smile.tensor.ScalarType
Half-precision floating-point number.
Float32 - Enum constant in enum class smile.deep.tensor.ScalarType
Single-precision floating-point number.
Float32 - Enum constant in enum class smile.tensor.ScalarType
Single-precision floating-point number.
Float64 - Enum constant in enum class smile.deep.tensor.ScalarType
Double-precision floating-point number.
Float64 - Enum constant in enum class smile.tensor.ScalarType
Double-precision floating-point number.
floatArray() - Method in class smile.deep.tensor.Tensor
Returns the float array of tensor elements
FloatArrayCellRenderer - Class in smile.swing.table
Float array renderer in JTable.
FloatArrayCellRenderer() - Constructor for class smile.swing.table.FloatArrayCellRenderer
Constructor.
FloatArrayFormatter - Class in smile.swing.text
Text formatter for floating array values.
FloatArrayFormatter() - Constructor for class smile.swing.text.FloatArrayFormatter
Constructor.
FloatArrayList - Class in smile.util
A resizeable, array-backed list of float primitives.
FloatArrayList() - Constructor for class smile.util.FloatArrayList
Constructs an empty list.
FloatArrayList(float[]) - Constructor for class smile.util.FloatArrayList
Constructs a list containing the values of the specified array.
FloatArrayList(int) - Constructor for class smile.util.FloatArrayList
Constructs an empty list with the specified initial capacity.
FloatArrayType - Static variable in interface smile.data.type.DataTypes
Float Array data type.
FloatHeapSelect - Class in smile.sort
This class tracks the smallest values seen thus far in a stream of values.
FloatHeapSelect(int) - Constructor for class smile.sort.FloatHeapSelect
Constructor.
FloatType - Class in smile.data.type
Float data type.
FloatType - Static variable in interface smile.data.type.DataTypes
Float data type.
floatValue() - Method in class smile.deep.tensor.Tensor
Returns the float value when the tensor holds a single value.
FloatVector - Class in smile.data.vector
A float vector.
FloatVector(String, float[]) - Constructor for class smile.data.vector.FloatVector
Constructor.
FloatVector(StructField, float[]) - Constructor for class smile.data.vector.FloatVector
Constructor.
flockfile(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void flockfile(FILE *__stream)
flockfile$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void flockfile(FILE *__stream)
flockfile$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void flockfile(FILE *__stream)
flockfile$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void flockfile(FILE *__stream)
floor(String) - Static method in interface smile.data.formula.Terms
The floor(x) term.
floor(Term) - Static method in interface smile.data.formula.Terms
The floor(x) term.
FLORAL_WHITE - Static variable in class smile.plot.swing.Palette
The color floral white with an RGB value of #FFFAF0
fmemopen(MemorySegment, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *fmemopen(void *__s, size_t __len, const char *__modes)
fmemopen$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *fmemopen(void *__s, size_t __len, const char *__modes)
fmemopen$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *fmemopen(void *__s, size_t __len, const char *__modes)
fmemopen$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *fmemopen(void *__s, size_t __len, const char *__modes)
fold(String[], String[]) - Method in class smile.plot.vega.Transform
Adds a fold transform.
folder2Id - Static variable in interface smile.vision.ImageNet
The map from folder name to class id.
folder2Target - Static variable in interface smile.vision.ImageNet
The functor mapping folder name to class id.
folders - Static variable in interface smile.vision.ImageNet
Folder names in the same order of labels.
font(String) - Method in class smile.plot.vega.Config
Sets the default font for all text marks, titles, and labels.
FontCellEditor - Class in smile.swing.table
Font editor in JTable.
FontCellEditor() - Constructor for class smile.swing.table.FontCellEditor
Constructor.
FontCellRenderer - Class in smile.swing.table
Font renderer in JTable.
FontCellRenderer() - Constructor for class smile.swing.table.FontCellRenderer
Constructor.
FontCellRenderer(String) - Constructor for class smile.swing.table.FontCellRenderer
Constructor.
FontChooser - Class in smile.swing
The FontChooser class is a swing component for font selection with JFileChooser-like APIs.
FontChooser() - Constructor for class smile.swing.FontChooser
Constructs a FontChooser object.
FontChooser(String[]) - Constructor for class smile.swing.FontChooser
Constructs a FontChooser object using the given font size array.
fopen(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *fopen(const char *restrict __filename, const char *restrict __modes)
FOPEN_MAX() - Static method in class smile.linalg.blas.cblas_h
#define FOPEN_MAX 16
fopen$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *fopen(const char *restrict __filename, const char *restrict __modes)
fopen$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *fopen(const char *restrict __filename, const char *restrict __modes)
fopen$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *fopen(const char *restrict __filename, const char *restrict __modes)
forEach(ArrayElementConsumer) - Method in class smile.util.SparseArray
Performs an action for each nonzero entry.
forEach(IntArrayElementConsumer) - Method in class smile.util.SparseIntArray
Performs an action for each nonzero entry.
forEachEdge(int, ArrayElementConsumer) - Method in class smile.graph.AdjacencyList
 
forEachEdge(int, ArrayElementConsumer) - Method in class smile.graph.AdjacencyMatrix
 
forEachEdge(int, ArrayElementConsumer) - Method in class smile.graph.Graph
Performs an action for each edge of a vertex.
forEachNonZero(int, int, DoubleConsumer) - Method in class smile.tensor.SparseMatrix
For each loop on non-zero elements.
forEachNonZero(DoubleConsumer) - Method in class smile.tensor.SparseMatrix
For each loop on non-zero elements.
forecast() - Method in class smile.timeseries.AR
Returns 1-step ahead forecast.
forecast() - Method in class smile.timeseries.ARMA
Returns 1-step ahead forecast.
forecast(int) - Method in class smile.timeseries.AR
Returns l-step ahead forecast.
forecast(int) - Method in class smile.timeseries.ARMA
Returns l-step ahead forecast.
FOREST_GREEN - Static variable in class smile.plot.swing.Palette
The color forest green with an RGB value of #228B22
format(double) - Static method in interface smile.util.Strings
Returns the string representation of a floating number with the minimum necessary precision.
format(float) - Static method in interface smile.util.Strings
Returns the string representation of a floating number with the minimum necessary precision.
format(String) - Method in class smile.plot.vega.Axis
Sets the text format.
format(String) - Method in class smile.plot.vega.Data
Sets the format for parsing the data.
format(String) - Method in class smile.plot.vega.Legend
Sets the text format.
format(String, Map) - Method in class smile.plot.vega.Data
Sets the format for parsing the data.
FormatConfig - Class in smile.plot.vega
These config properties define the default number and time formats for text marks as well as axes, headers, tooltip, and legends.
formatType(String) - Method in class smile.plot.vega.Axis
Sets the format type for labels.
formatType(String) - Method in class smile.plot.vega.Legend
Sets the format type for labels.
formula - Variable in class smile.base.cart.CART
The model formula.
formula - Variable in class smile.glm.GLM
The symbolic description of the model to be fitted.
formula() - Method in class smile.classification.AdaBoost
 
formula() - Method in interface smile.classification.DataFrameClassifier
Returns the formula associated with the model.
formula() - Method in class smile.classification.DecisionTree
Returns null if the tree is part of ensemble algorithm.
formula() - Method in class smile.classification.GradientTreeBoost
 
formula() - Method in class smile.classification.RandomForest
 
formula() - Method in record class smile.datasets.Abalone
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Ailerons
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.AutoMPG
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Bank32nh
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.BostonHousing
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.BreastCancer
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.CalHousing
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.CPU
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Default
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Diabetes
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.ImageSegmentation
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Iris
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Kin8nm
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.LibrasMovement
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Longley
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.MNIST
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.PenDigits
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Planes2D
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.ProstateCancer
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Puma8NH
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.USPS
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.Weather
Returns the value of the formula record component.
formula() - Method in record class smile.datasets.WeatherNominal
Returns the value of the formula record component.
formula() - Method in interface smile.feature.importance.TreeSHAP
Returns the formula associated with the model.
formula() - Method in interface smile.regression.DataFrameRegression
Returns the model formula.
formula() - Method in class smile.regression.GradientTreeBoost
 
formula() - Method in class smile.regression.LinearModel
 
formula() - Method in class smile.regression.RandomForest
 
formula() - Method in class smile.regression.RegressionTree
Returns null if the tree is part of ensemble algorithm.
Formula - Class in smile.data.formula
The model fitting formula in a compact symbolic form.
Formula(Term, Term...) - Constructor for class smile.data.formula.Formula
Constructor.
forward(BufferedImage...) - Method in interface smile.vision.transform.Transform
Transforms images to 4-D tensor with shape [samples, channels, height, width].
forward(BufferedImage...) - Method in class smile.vision.VisionModel
Forward propagation (or forward pass) through the model.
forward(Tensor) - Method in class smile.deep.activation.GELU
 
forward(Tensor) - Method in class smile.deep.activation.GLU
 
forward(Tensor) - Method in class smile.deep.activation.HardShrink
 
forward(Tensor) - Method in class smile.deep.activation.LeakyReLU
 
forward(Tensor) - Method in class smile.deep.activation.LogSigmoid
 
forward(Tensor) - Method in class smile.deep.activation.LogSoftmax
 
forward(Tensor) - Method in class smile.deep.activation.ReLU
 
forward(Tensor) - Method in class smile.deep.activation.Sigmoid
 
forward(Tensor) - Method in class smile.deep.activation.SiLU
 
forward(Tensor) - Method in class smile.deep.activation.Softmax
 
forward(Tensor) - Method in class smile.deep.activation.SoftShrink
 
forward(Tensor) - Method in class smile.deep.activation.Tanh
 
forward(Tensor) - Method in class smile.deep.activation.TanhShrink
 
forward(Tensor) - Method in class smile.deep.layer.AdaptiveAvgPool2dLayer
 
forward(Tensor) - Method in class smile.deep.layer.AvgPool2dLayer
 
forward(Tensor) - Method in class smile.deep.layer.BatchNorm1dLayer
 
forward(Tensor) - Method in class smile.deep.layer.BatchNorm2dLayer
 
forward(Tensor) - Method in class smile.deep.layer.Conv2dLayer
 
forward(Tensor) - Method in class smile.deep.layer.DropoutLayer
 
forward(Tensor) - Method in class smile.deep.layer.EmbeddingLayer
 
forward(Tensor) - Method in class smile.deep.layer.GroupNormLayer
 
forward(Tensor) - Method in interface smile.deep.layer.Layer
Forward propagation (or forward pass) through the layer.
forward(Tensor) - Method in class smile.deep.layer.LinearLayer
 
forward(Tensor) - Method in class smile.deep.layer.MaxPool2dLayer
 
forward(Tensor) - Method in class smile.deep.layer.RMSNormLayer
 
forward(Tensor) - Method in class smile.deep.layer.SequentialBlock
 
forward(Tensor) - Method in class smile.deep.Model
Forward propagation (or forward pass) through the model.
forward(Tensor) - Method in class smile.llm.llama.FeedForward
Feed forward.
forward(Tensor) - Method in class smile.llm.llama.Transformer
 
forward(Tensor) - Method in class smile.llm.PositionalEncoding
 
forward(Tensor) - Method in class smile.vision.EfficientNet
 
forward(Tensor) - Method in class smile.vision.layer.Conv2dNormActivation
 
forward(Tensor) - Method in class smile.vision.layer.FusedMBConv
 
forward(Tensor) - Method in class smile.vision.layer.MBConv
 
forward(Tensor) - Method in class smile.vision.layer.SqueezeExcitation
 
forward(Tensor) - Method in class smile.vision.layer.StochasticDepth
 
forward(Tensor, int) - Method in class smile.llm.llama.Transformer
Forward pass through the model.
forward(Tensor, int, Tensor, Tensor) - Method in class smile.llm.llama.Attention
Forward pass through the attention module.
forward(Tensor, int, Tensor, Tensor) - Method in class smile.llm.llama.TransformerBlock
Forward pass through the block.
FPGrowth - Class in smile.association
Frequent item set mining based on the FP-growth (frequent pattern growth) algorithm, which employs an extended prefix-tree (FP-tree) structure to store the database in a compressed form.
FPTree - Class in smile.association
FP-tree data structure used in FP-growth (frequent pattern growth) algorithm for frequent item set mining.
fputc(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fputc(int __c, FILE *__stream)
fputc_unlocked(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fputc_unlocked(int __c, FILE *__stream)
fputc_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fputc_unlocked(int __c, FILE *__stream)
fputc_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fputc_unlocked(int __c, FILE *__stream)
fputc_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fputc_unlocked(int __c, FILE *__stream)
fputc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fputc(int __c, FILE *__stream)
fputc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fputc(int __c, FILE *__stream)
fputc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fputc(int __c, FILE *__stream)
fputs(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fputs(const char *restrict __s, FILE *restrict __stream)
fputs$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fputs(const char *restrict __s, FILE *restrict __stream)
fputs$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fputs(const char *restrict __s, FILE *restrict __stream)
fputs$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fputs(const char *restrict __s, FILE *restrict __stream)
frame(Integer, Integer) - Method in class smile.plot.vega.ImputeTransform
Sets the frame to control the window over which the specified method is applied.
frame(Integer, Integer) - Method in class smile.plot.vega.WindowTransform
Sets the frame specification indicating how the sliding window should proceed.
frame(DataFrame) - Method in class smile.data.formula.Formula
Returns a data frame of predictors and optionally response variable (if input data frame has the related variable(s)).
fread(MemorySegment, long, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern unsigned long fread(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread_unlocked(MemorySegment, long, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern size_t fread_unlocked(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern size_t fread_unlocked(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern size_t fread_unlocked(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern size_t fread_unlocked(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern unsigned long fread(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern unsigned long fread(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fread$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern unsigned long fread(void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
FRegression - Record Class in smile.feature.selection
Univariate F-statistic and p-values, which can be used as a feature selection criterion for linear regression problems.
FRegression(String, double, double, boolean) - Constructor for record class smile.feature.selection.FRegression
Creates an instance of a FRegression record class.
freopen(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *freopen(const char *restrict __filename, const char *restrict __modes, FILE *restrict __stream)
freopen$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *freopen(const char *restrict __filename, const char *restrict __modes, FILE *restrict __stream)
freopen$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *freopen(const char *restrict __filename, const char *restrict __modes, FILE *restrict __stream)
freopen$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *freopen(const char *restrict __filename, const char *restrict __modes, FILE *restrict __stream)
from(String, int, int) - Static method in record class smile.llm.llama.ModelArgs
Loads the model hyperparameters from a JSON file.
from(Path) - Static method in class smile.data.BinarySparseDataset
Parse a binary sparse dataset from a file, of which each line is a data item which are the indices of nonzero elements.
from(Path) - Static method in class smile.data.SparseDataset
Parses spare dataset in coordinate triple tuple list format.
from(Path, int) - Static method in class smile.data.SparseDataset
Reads spare dataset in coordinate triple tuple list format.
FScore - Class in smile.validation.metric
The F-score (or F-measure) considers both the precision and the recall of the test to compute the score.
FScore() - Constructor for class smile.validation.metric.FScore
Constructor of F1 score.
FScore(double, Averaging) - Constructor for class smile.validation.metric.FScore
Constructor of general F-score.
fseek(MemorySegment, long, int) - Static method in class smile.linalg.blas.cblas_h
extern int fseek(FILE *__stream, long __off, int __whence)
fseek$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fseek(FILE *__stream, long __off, int __whence)
fseek$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fseek(FILE *__stream, long __off, int __whence)
fseek$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fseek(FILE *__stream, long __off, int __whence)
fseeko(MemorySegment, long, int) - Static method in class smile.linalg.blas.cblas_h
extern int fseeko(FILE *__stream, __off_t __off, int __whence)
fseeko$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fseeko(FILE *__stream, __off_t __off, int __whence)
fseeko$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fseeko(FILE *__stream, __off_t __off, int __whence)
fseeko$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fseeko(FILE *__stream, __off_t __off, int __whence)
fsetpos(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int fsetpos(FILE *__stream, const fpos_t *__pos)
fsetpos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int fsetpos(FILE *__stream, const fpos_t *__pos)
fsetpos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int fsetpos(FILE *__stream, const fpos_t *__pos)
fsetpos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int fsetpos(FILE *__stream, const fpos_t *__pos)
ftell(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern long ftell(FILE *__stream)
ftell$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern long ftell(FILE *__stream)
ftell$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern long ftell(FILE *__stream)
ftell$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern long ftell(FILE *__stream)
ftello(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern __off_t ftello(FILE *__stream)
ftello$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern __off_t ftello(FILE *__stream)
ftello$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern __off_t ftello(FILE *__stream)
ftello$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern __off_t ftello(FILE *__stream)
ftest() - Method in class smile.regression.LinearModel
Returns the F-statistic of goodness-of-fit.
FTest - Record Class in smile.stat.hypothesis
F test of the hypothesis that two independent samples come from normal distributions with the same variance, against the alternative that they come from normal distributions with different variances.
FTest(double, int, int, double) - Constructor for record class smile.stat.hypothesis.FTest
Creates an instance of a FTest record class.
ftrylockfile(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int ftrylockfile(FILE *__stream)
ftrylockfile$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int ftrylockfile(FILE *__stream)
ftrylockfile$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int ftrylockfile(FILE *__stream)
ftrylockfile$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int ftrylockfile(FILE *__stream)
FUCHSIA - Static variable in class smile.plot.swing.Palette
The color fuchsia with an RGB value of #FF00FF
full(double, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with the given value.
full(long, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with the given value.
Function - Interface in smile.util.function
An interface representing a univariate real function.
function_call - Enum constant in enum class smile.llm.FinishReason
The model decided to call a function.
funlockfile(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void funlockfile(FILE *__stream)
funlockfile$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void funlockfile(FILE *__stream)
funlockfile$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void funlockfile(FILE *__stream)
funlockfile$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void funlockfile(FILE *__stream)
FusedMBConv - Class in smile.vision.layer
Fused-MBConv replaces the depthwise-conv3×3 and expansion-conv1×1 in MBConv with single regular conv3×3.
FusedMBConv(MBConvConfig, double, IntFunction) - Constructor for class smile.vision.layer.FusedMBConv
Constructor.
FusedMBConv(double, int, int, int, int, int) - Static method in record class smile.vision.layer.MBConvConfig
Returns the config for Fused-MBConv block.
FW - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Foreign word.
fwrite(MemorySegment, long, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern unsigned long fwrite(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __s)
fwrite_unlocked(MemorySegment, long, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern size_t fwrite_unlocked(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fwrite_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern size_t fwrite_unlocked(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fwrite_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern size_t fwrite_unlocked(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fwrite_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern size_t fwrite_unlocked(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __stream)
fwrite$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern unsigned long fwrite(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __s)
fwrite$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern unsigned long fwrite(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __s)
fwrite$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern unsigned long fwrite(const void *restrict __ptr, size_t __size, size_t __n, FILE *restrict __s)

G

g(double) - Method in class smile.ica.Exp
 
g(double) - Method in class smile.ica.Kurtosis
 
g(double) - Method in class smile.ica.LogCosh
 
g(double) - Method in interface smile.util.function.DifferentiableFunction
Computes the gradient/derivative at x.
g(double[], double[]) - Method in interface smile.util.function.DifferentiableMultivariateFunction
Computes the value and gradient at x.
g(Cost, Vector, Vector) - Method in enum class smile.base.mlp.OutputFunction
The gradient function.
g(Vector, Vector) - Method in interface smile.base.mlp.ActivationFunction
The gradient function.
g2(double) - Method in class smile.ica.Exp
 
g2(double) - Method in class smile.ica.Kurtosis
 
g2(double) - Method in class smile.ica.LogCosh
 
g2(double) - Method in interface smile.util.function.DifferentiableFunction
Compute the second-order derivative at x.
GAFE - Class in smile.feature.selection
Genetic algorithm based feature selection.
GAFE() - Constructor for class smile.feature.selection.GAFE
Constructor.
GAFE(Selection, int, Crossover, double, double) - Constructor for class smile.feature.selection.GAFE
Constructor.
GAINSBORO - Static variable in class smile.plot.swing.Palette
The color gainsboro with an RGB value of #DCDCDC
gamma(double) - Static method in class smile.math.special.Gamma
Gamma function.
Gamma - Class in smile.math.special
The gamma, digamma, and incomplete gamma functions.
GammaDistribution - Class in smile.stat.distribution
The Gamma distribution is a continuous probability distributions with a scale parameter θ and a shape parameter k.
GammaDistribution(double, double) - Constructor for class smile.stat.distribution.GammaDistribution
Constructor.
gather(int, Tensor) - Method in class smile.deep.tensor.Tensor
Gathers values along an axis specified by dim.
Gaussian - Class in smile.math.kernel
Gaussian kernel, also referred as RBF kernel or squared exponential kernel.
Gaussian(double, double, double) - Constructor for class smile.math.kernel.Gaussian
Constructor.
Gaussian(double, double) - Static method in interface smile.vq.Neighborhood
Returns Gaussian neighborhood function.
GaussianDistribution - Class in smile.stat.distribution
The normal distribution or Gaussian distribution is a continuous probability distribution that describes data that clusters around a mean.
GaussianDistribution(double, double) - Constructor for class smile.stat.distribution.GaussianDistribution
Constructor
GaussianKernel - Class in smile.math.kernel
Gaussian kernel, also referred as RBF kernel or squared exponential kernel.
GaussianKernel(double) - Constructor for class smile.math.kernel.GaussianKernel
Constructor.
GaussianKernel(double, double, double) - Constructor for class smile.math.kernel.GaussianKernel
Constructor.
GaussianMixture - Class in smile.stat.distribution
Finite univariate Gaussian mixture.
GaussianMixture - Record Class in smile.datasets
Synthetic Gaussian mixture dataset.
GaussianMixture(double[][], int[]) - Constructor for record class smile.datasets.GaussianMixture
Creates an instance of a GaussianMixture record class.
GaussianMixture(Mixture.Component...) - Constructor for class smile.stat.distribution.GaussianMixture
Constructor.
GaussianProcessRegression<T> - Class in smile.regression
Gaussian Process for Regression.
GaussianProcessRegression(MercerKernel, T[], Vector, double) - Constructor for class smile.regression.GaussianProcessRegression
Constructor.
GaussianProcessRegression(MercerKernel, T[], Vector, double, double, double) - Constructor for class smile.regression.GaussianProcessRegression
Constructor.
GaussianProcessRegression(MercerKernel, T[], Vector, double, double, double, Cholesky, double) - Constructor for class smile.regression.GaussianProcessRegression
Constructor.
GaussianProcessRegression.JointPrediction - Class in smile.regression
The joint prediction of multiple data points.
GaussianProcessRegression.Options - Record Class in smile.regression
Gaussian process regression hyperparameters.
GaussianRadialBasis - Class in smile.math.rbf
Gaussian RBF.
GaussianRadialBasis() - Constructor for class smile.math.rbf.GaussianRadialBasis
Constructor.
GaussianRadialBasis(double) - Constructor for class smile.math.rbf.GaussianRadialBasis
Constructor.
GaussianVariogram - Class in smile.interpolation.variogram
Gaussian variogram.
GaussianVariogram(double, double) - Constructor for class smile.interpolation.variogram.GaussianVariogram
Constructor.
GaussianVariogram(double, double, double) - Constructor for class smile.interpolation.variogram.GaussianVariogram
Constructor.
ge(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than-or-equal-to comparison.
ge(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than-or-equal-to comparison.
ge(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than-or-equal-to comparison.
ge(T) - Method in interface smile.data.vector.ValueVector
Returns the result of greater-than or equal comparison.
gelu(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with GELU activation function.
gelu(int, int, double) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with GELU activation function.
GELU - Class in smile.deep.activation
Gaussian Error Linear Unit activation function.
GELU(boolean) - Constructor for class smile.deep.activation.GELU
Constructor.
generate() - Static method in record class smile.datasets.GaussianMixture
Generates 10000 samples from four 3-dimensional Gaussian distributions.
generate(int[][], int, double, double, boolean, Long, SubmissionPublisher) - Method in class smile.llm.llama.Llama
Generates text sequences based on provided prompts.
generateSeed() - Static method in class smile.math.MathEx
Returns a random number to seed other random number generators.
generateSeed(int) - Static method in class smile.math.MathEx
Returns the given number of random bytes to seed other random number generators.
GeneticAlgorithm<T> - Class in smile.gap
A genetic algorithm (GA) is a search heuristic that mimics the process of natural evolution.
GeneticAlgorithm(T[]) - Constructor for class smile.gap.GeneticAlgorithm
Constructor.
GeneticAlgorithm(T[], Selection, int) - Constructor for class smile.gap.GeneticAlgorithm
Constructor.
GeometricDistribution - Class in smile.stat.distribution
The geometric distribution is a discrete probability distribution of the number X of Bernoulli trials needed to get one success, supported on the set {1, 2, 3, …}.
GeometricDistribution(double) - Constructor for class smile.stat.distribution.GeometricDistribution
Constructor.
ger(double, Vector, Vector) - Method in class smile.tensor.DenseMatrix
Performs the rank-1 update operation.
get(boolean[]) - Method in record class smile.data.DataFrame
Returns a new data frame with boolean indexing.
get(double[]) - Method in class smile.neighbor.lsh.Hash
Returns the bucket entry for the given point.
get(int) - Method in record class smile.data.DataFrame
Returns the row at the specified index.
get(int) - Method in interface smile.data.Dataset
Returns the instance at the specified index.
get(int) - Method in record class smile.data.Row
 
get(int) - Method in class smile.data.SimpleDataset
 
get(int) - Method in interface smile.data.Tuple
Returns the value at position i.
get(int) - Method in class smile.data.vector.BooleanVector
 
get(int) - Method in class smile.data.vector.ByteVector
 
get(int) - Method in class smile.data.vector.CharVector
 
get(int) - Method in class smile.data.vector.DoubleVector
 
get(int) - Method in class smile.data.vector.FloatVector
 
get(int) - Method in class smile.data.vector.IntVector
 
get(int) - Method in class smile.data.vector.LongVector
 
get(int) - Method in class smile.data.vector.NullableBooleanVector
 
get(int) - Method in class smile.data.vector.NullableByteVector
 
get(int) - Method in class smile.data.vector.NullableCharVector
 
get(int) - Method in class smile.data.vector.NullableDoubleVector
 
get(int) - Method in class smile.data.vector.NullableFloatVector
 
get(int) - Method in class smile.data.vector.NullableIntVector
 
get(int) - Method in class smile.data.vector.NullableLongVector
 
get(int) - Method in class smile.data.vector.NullableShortVector
 
get(int) - Method in class smile.data.vector.ObjectVector
 
get(int) - Method in class smile.data.vector.ShortVector
 
get(int) - Method in interface smile.data.vector.ValueVector
Returns the value at position i, which may be null.
get(int) - Method in class smile.math.Complex.Array
Returns the i-th element.
get(int) - Method in class smile.neighbor.lsh.Hash
Returns the bucket entry for the given hash value.
get(int) - Static method in class smile.plot.swing.Palette
Returns a color from Palette.
get(int) - Method in class smile.sort.DoubleHeapSelect
Returns the i-th smallest value seen so far.
get(int) - Method in class smile.sort.FloatHeapSelect
Returns the i-th smallest value seen so far.
get(int) - Method in class smile.sort.HeapSelect
Returns the i-th smallest value seen so far.
get(int) - Method in class smile.sort.IntHeapSelect
Returns the i-th smallest value seen so far.
get(int) - Method in class smile.tensor.SparseMatrix
Returns the element at the storage index.
get(int) - Method in class smile.tensor.Vector
Returns A[i].
get(int) - Method in class smile.util.DoubleArrayList
Returns the value at the specified position in this list.
get(int) - Method in class smile.util.FloatArrayList
Returns the value at the specified position in this list.
get(int) - Method in class smile.util.IntArrayList
Returns the value at the specified position in this list.
get(int) - Method in class smile.util.IntDoubleHashMap
Returns the value to which the specified key is mapped, or Double.NaN if this map contains no mapping for the key.
get(int) - Method in class smile.util.SparseArray
Returns the value of i-th entry.
get(int) - Method in class smile.util.SparseIntArray
Returns the value of i-th entry.
get(int...) - Method in interface smile.data.vector.ValueVector
Returns a new vector with selected entries.
get(int...) - Method in class smile.deep.tensor.Tensor
Returns a portion of tensor given the indices.
get(int...) - Method in class smile.tensor.JTensor
 
get(int...) - Method in interface smile.tensor.Matrix
 
get(int...) - Method in record class smile.tensor.Scalar
 
get(int...) - Method in interface smile.tensor.Tensor
Returns a portion of tensor given the index.
get(int, int) - Method in class smile.data.BinarySparseDataset
Returns the binary value at entry (i, j) by binary search.
get(int, int) - Method in record class smile.data.DataFrame
Returns the cell at (i, j).
get(int, int) - Method in class smile.data.SparseDataset
Returns the value at entry (i, j).
get(int, int) - Method in interface smile.plot.swing.Hexmap.Tooltip
Gets the tooltip of cell at (i, j).
get(int, int) - Method in class smile.tensor.AtA
 
get(int, int) - Method in interface smile.tensor.Matrix
Returns A[i,j].
get(int, int) - Method in class smile.tensor.SparseMatrix
 
get(int, int) - Method in class smile.util.Array2D
Returns A[i, j].
get(int, int) - Method in class smile.util.IntArray2D
Returns A[i, j].
get(long...) - Method in class smile.deep.tensor.Tensor
Returns a portion of tensor given the indices.
get(String) - Method in interface smile.data.Tuple
Returns the value by field name.
get(String) - Method in class smile.hash.PerfectHash
Returns the index of a keyword.
get(String) - Method in class smile.hash.PerfectMap
Returns the value associated with the key.
get(String) - Method in class smile.nlp.embedding.Word2Vec
Returns the embedding vector of a word.
get(String) - Static method in class smile.nlp.pos.EnglishPOSLexicon
Returns the part-of-speech tags for given word, or null if the word does not exist in the dictionary.
get(K) - Method in class smile.nlp.Trie
Returns the node of a given key.
get(K[]) - Method in class smile.nlp.Trie
Returns the associated value of a given key.
get(Index...) - Method in class smile.deep.tensor.Tensor
Returns a portion of tensor given the indices.
get(Tensor) - Method in class smile.deep.tensor.Tensor
Returns a portion of tensor given the indices.
get(Index) - Method in record class smile.data.DataFrame
Returns a new data frame with row indexing.
get(Index) - Method in record class smile.data.RowIndex
Returns a slice of the index.
get(Index) - Method in class smile.data.vector.BooleanVector
 
get(Index) - Method in class smile.data.vector.ByteVector
 
get(Index) - Method in class smile.data.vector.CharVector
 
get(Index) - Method in class smile.data.vector.DoubleVector
 
get(Index) - Method in class smile.data.vector.FloatVector
 
get(Index) - Method in class smile.data.vector.IntVector
 
get(Index) - Method in class smile.data.vector.LongVector
 
get(Index) - Method in class smile.data.vector.NullableBooleanVector
 
get(Index) - Method in class smile.data.vector.NullableByteVector
 
get(Index) - Method in class smile.data.vector.NullableCharVector
 
get(Index) - Method in class smile.data.vector.NullableDoubleVector
 
get(Index) - Method in class smile.data.vector.NullableFloatVector
 
get(Index) - Method in class smile.data.vector.NullableIntVector
 
get(Index) - Method in class smile.data.vector.NullableLongVector
 
get(Index) - Method in class smile.data.vector.NullableShortVector
 
get(Index) - Method in class smile.data.vector.NumberVector
 
get(Index) - Method in class smile.data.vector.ObjectVector
 
get(Index) - Method in class smile.data.vector.ShortVector
 
get(Index) - Method in class smile.data.vector.StringVector
 
get(Index) - Method in interface smile.data.vector.ValueVector
Returns a new vector with selected entries.
getAbbreviation(String) - Method in interface smile.nlp.dictionary.Abbreviations
Returns the abbreviation for a word.
getAnchor() - Method in interface smile.nlp.AnchorText
Returns the anchor text if any.
getAnchor() - Method in class smile.nlp.SimpleText
Returns the anchor text if any.
getArray(int) - Method in interface smile.data.Tuple
Returns the value at position i of array type.
getArray(String) - Method in interface smile.data.Tuple
Returns the field value of array type.
getAs(int) - Method in interface smile.data.Tuple
Returns the value at position i.
getAs(String) - Method in interface smile.data.Tuple
Returns the value of a given fieldName.
getAxis(int) - Method in class smile.plot.swing.Figure
Returns the i-th axis.
getAxisLabel(int) - Method in class smile.plot.swing.Figure
Returns the label/legend of an axis.
getAxisLabels() - Method in class smile.plot.swing.Figure
Returns the labels/legends of axes.
getBoolean(int) - Method in record class smile.data.Row
 
getBoolean(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive boolean.
getBoolean(int) - Method in class smile.data.vector.BooleanVector
 
getBoolean(int) - Method in class smile.data.vector.ByteVector
 
getBoolean(int) - Method in class smile.data.vector.CharVector
 
getBoolean(int) - Method in class smile.data.vector.DoubleVector
 
getBoolean(int) - Method in class smile.data.vector.FloatVector
 
getBoolean(int) - Method in class smile.data.vector.IntVector
 
getBoolean(int) - Method in class smile.data.vector.LongVector
 
getBoolean(int) - Method in class smile.data.vector.NullableBooleanVector
 
getBoolean(int) - Method in class smile.data.vector.NullableByteVector
 
getBoolean(int) - Method in class smile.data.vector.NullableCharVector
 
getBoolean(int) - Method in class smile.data.vector.NullableDoubleVector
 
getBoolean(int) - Method in class smile.data.vector.NullableFloatVector
 
getBoolean(int) - Method in class smile.data.vector.NullableIntVector
 
getBoolean(int) - Method in class smile.data.vector.NullableLongVector
 
getBoolean(int) - Method in class smile.data.vector.NullableShortVector
 
getBoolean(int) - Method in class smile.data.vector.ObjectVector
 
getBoolean(int) - Method in class smile.data.vector.ShortVector
 
getBoolean(int) - Method in class smile.data.vector.StringVector
 
getBoolean(int) - Method in interface smile.data.vector.ValueVector
Returns the boolean value at position i.
getBoolean(int...) - Method in class smile.tensor.JTensor
Returns the boolean value of element at given index.
getBoolean(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive boolean.
getByte(int) - Method in record class smile.data.Row
 
getByte(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive byte.
getByte(int) - Method in class smile.data.vector.BooleanVector
 
getByte(int) - Method in class smile.data.vector.ByteVector
 
getByte(int) - Method in class smile.data.vector.CharVector
 
getByte(int) - Method in class smile.data.vector.DoubleVector
 
getByte(int) - Method in class smile.data.vector.FloatVector
 
getByte(int) - Method in class smile.data.vector.IntVector
 
getByte(int) - Method in class smile.data.vector.LongVector
 
getByte(int) - Method in class smile.data.vector.NullableBooleanVector
 
getByte(int) - Method in class smile.data.vector.NullableByteVector
 
getByte(int) - Method in class smile.data.vector.NullableCharVector
 
getByte(int) - Method in class smile.data.vector.NullableDoubleVector
 
getByte(int) - Method in class smile.data.vector.NullableFloatVector
 
getByte(int) - Method in class smile.data.vector.NullableIntVector
 
getByte(int) - Method in class smile.data.vector.NullableLongVector
 
getByte(int) - Method in class smile.data.vector.NullableShortVector
 
getByte(int) - Method in class smile.data.vector.ObjectVector
 
getByte(int) - Method in class smile.data.vector.ShortVector
 
getByte(int) - Method in class smile.data.vector.StringVector
 
getByte(int) - Method in interface smile.data.vector.ValueVector
Returns the byte value at position i.
getByte(int...) - Method in class smile.deep.tensor.Tensor
Returns the byte value of element at given index.
getByte(int...) - Method in class smile.tensor.JTensor
Returns the byte value of element at given index.
getByte(long...) - Method in class smile.deep.tensor.Tensor
Returns the byte value of element at given index.
getByte(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive byte.
getc(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int getc(FILE *__stream)
getc_unlocked(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int getc_unlocked(FILE *__stream)
getc_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int getc_unlocked(FILE *__stream)
getc_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int getc_unlocked(FILE *__stream)
getc_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int getc_unlocked(FILE *__stream)
getc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int getc(FILE *__stream)
getc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int getc(FILE *__stream)
getc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int getc(FILE *__stream)
getCellEditor(int, int) - Method in class smile.swing.Table
 
getCellEditorValue() - Method in class smile.swing.table.ButtonCellRenderer
 
getCellEditorValue() - Method in class smile.swing.table.ColorCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.DateCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.DoubleArrayCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.DoubleCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.FontCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.IntegerArrayCellEditor
 
getCellEditorValue() - Method in class smile.swing.table.IntegerCellEditor
 
getCellRenderer(int, int) - Method in class smile.swing.Table
 
getchar() - Static method in class smile.linalg.blas.cblas_h
extern int getchar()
getChar(int) - Method in record class smile.data.Row
 
getChar(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive byte.
getChar(int) - Method in class smile.data.vector.BooleanVector
 
getChar(int) - Method in class smile.data.vector.ByteVector
 
getChar(int) - Method in class smile.data.vector.CharVector
 
getChar(int) - Method in class smile.data.vector.DoubleVector
 
getChar(int) - Method in class smile.data.vector.FloatVector
 
getChar(int) - Method in class smile.data.vector.IntVector
 
getChar(int) - Method in class smile.data.vector.LongVector
 
getChar(int) - Method in class smile.data.vector.NullableBooleanVector
 
getChar(int) - Method in class smile.data.vector.NullableByteVector
 
getChar(int) - Method in class smile.data.vector.NullableCharVector
 
getChar(int) - Method in class smile.data.vector.NullableDoubleVector
 
getChar(int) - Method in class smile.data.vector.NullableFloatVector
 
getChar(int) - Method in class smile.data.vector.NullableIntVector
 
getChar(int) - Method in class smile.data.vector.NullableLongVector
 
getChar(int) - Method in class smile.data.vector.NullableShortVector
 
getChar(int) - Method in class smile.data.vector.ObjectVector
 
getChar(int) - Method in class smile.data.vector.ShortVector
 
getChar(int) - Method in class smile.data.vector.StringVector
 
getChar(int) - Method in interface smile.data.vector.ValueVector
Returns the character value at position i.
getChar(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive byte.
getchar_unlocked() - Static method in class smile.linalg.blas.cblas_h
extern int getchar_unlocked()
getchar_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int getchar_unlocked()
getchar_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int getchar_unlocked()
getchar_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int getchar_unlocked()
getchar$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int getchar()
getchar$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int getchar()
getchar$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int getchar()
getChild(K) - Method in class smile.nlp.Trie.Node
Returns the child with the key.
getChild(K[], int) - Method in class smile.nlp.Trie.Node
Returns the value matching the key sequence.
getClipNorm() - Method in class smile.base.mlp.MultilayerPerceptron
Returns the gradient clipping norm.
getClipValue() - Method in class smile.base.mlp.MultilayerPerceptron
Returns the gradient clipping value.
getColor() - Method in class smile.plot.swing.Renderer
Gets the current color.
getComponentType() - Method in class smile.data.type.ArrayType
Returns the type of array elements.
getConcept(String) - Method in class smile.taxonomy.Taxonomy
Returns the concept node which synset contains the keyword.
getConcepts() - Method in class smile.taxonomy.Taxonomy
Returns all named concepts in the taxonomy.
getCoordinateSpace() - Method in class smile.plot.swing.Base
Returns the coordinates.
getDate(int) - Method in interface smile.data.Tuple
Returns the value at position i of date type as java.time.LocalDate.
getDate(String) - Method in interface smile.data.Tuple
Returns the field value of date type as java.time.LocalDate.
getDateTime(int) - Method in interface smile.data.Tuple
Returns the value at position i of date type as java.time.LocalDateTime.
getDateTime(String) - Method in interface smile.data.Tuple
Returns the field value of date type as java.time.LocalDateTime.
getDecimal(int) - Method in interface smile.data.Tuple
Returns the value at position i of decimal type as java.math.BigDecimal.
getDecimal(String) - Method in interface smile.data.Tuple
Returns the field value of decimal type as java.math.BigDecimal.
getDefault() - Static method in class smile.nlp.pos.HMMPOSTagger
Returns the default English POS tagger.
getDegree(int) - Method in class smile.graph.Graph
Returns the degree of the specified vertex.
getdelim(MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern __ssize_t getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
getdelim$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern __ssize_t getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
getdelim$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern __ssize_t getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
getdelim$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern __ssize_t getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
getDescription() - Method in class smile.swing.FileChooser.SimpleFileFilter
Returns the human-readable description of this filter.
getDimension() - Method in class smile.plot.swing.Base
Returns the dimensionality of coordinates.
getDistance(int, int) - Method in class smile.graph.Graph
Returns the distance between two vertices.
getDouble(int) - Method in record class smile.data.Row
 
getDouble(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive double.
getDouble(int) - Method in class smile.data.vector.BooleanVector
 
getDouble(int) - Method in class smile.data.vector.ByteVector
 
getDouble(int) - Method in class smile.data.vector.CharVector
 
getDouble(int) - Method in class smile.data.vector.DoubleVector
 
getDouble(int) - Method in class smile.data.vector.FloatVector
 
getDouble(int) - Method in class smile.data.vector.IntVector
 
getDouble(int) - Method in class smile.data.vector.LongVector
 
getDouble(int) - Method in class smile.data.vector.NullableBooleanVector
 
getDouble(int) - Method in class smile.data.vector.NullableByteVector
 
getDouble(int) - Method in class smile.data.vector.NullableCharVector
 
getDouble(int) - Method in class smile.data.vector.NullableDoubleVector
 
getDouble(int) - Method in class smile.data.vector.NullableFloatVector
 
getDouble(int) - Method in class smile.data.vector.NullableIntVector
 
getDouble(int) - Method in class smile.data.vector.NullableLongVector
 
getDouble(int) - Method in class smile.data.vector.NullableShortVector
 
getDouble(int) - Method in class smile.data.vector.ObjectVector
 
getDouble(int) - Method in class smile.data.vector.ShortVector
 
getDouble(int) - Method in class smile.data.vector.StringVector
 
getDouble(int) - Method in interface smile.data.vector.ValueVector
Returns the double value at position i.
getDouble(int...) - Method in class smile.deep.tensor.Tensor
Returns the double value of element at given index.
getDouble(int...) - Method in class smile.tensor.JTensor
Returns the double value of element at given index.
getDouble(int, int) - Method in record class smile.data.DataFrame
Returns the double value at position (i, j).
getDouble(long...) - Method in class smile.deep.tensor.Tensor
Returns the double value of element at given index.
getDouble(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive double.
getEdges(int) - Method in class smile.graph.AdjacencyList
 
getEdges(int) - Method in class smile.graph.AdjacencyMatrix
 
getEdges(int) - Method in class smile.graph.Graph
Returns the edges from the specified vertex.
getExtension(File) - Static method in class smile.swing.FileChooser
Returns the file name extension in lower case.
getExtensionLevel() - Method in class smile.anomaly.IsolationForest
Returns the extension level.
getFloat(int) - Method in record class smile.data.Row
 
getFloat(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive float.
getFloat(int) - Method in class smile.data.vector.BooleanVector
 
getFloat(int) - Method in class smile.data.vector.ByteVector
 
getFloat(int) - Method in class smile.data.vector.CharVector
 
getFloat(int) - Method in class smile.data.vector.DoubleVector
 
getFloat(int) - Method in class smile.data.vector.FloatVector
 
getFloat(int) - Method in class smile.data.vector.IntVector
 
getFloat(int) - Method in class smile.data.vector.LongVector
 
getFloat(int) - Method in class smile.data.vector.NullableBooleanVector
 
getFloat(int) - Method in class smile.data.vector.NullableByteVector
 
getFloat(int) - Method in class smile.data.vector.NullableCharVector
 
getFloat(int) - Method in class smile.data.vector.NullableDoubleVector
 
getFloat(int) - Method in class smile.data.vector.NullableFloatVector
 
getFloat(int) - Method in class smile.data.vector.NullableIntVector
 
getFloat(int) - Method in class smile.data.vector.NullableLongVector
 
getFloat(int) - Method in class smile.data.vector.NullableShortVector
 
getFloat(int) - Method in class smile.data.vector.ObjectVector
 
getFloat(int) - Method in class smile.data.vector.ShortVector
 
getFloat(int) - Method in class smile.data.vector.StringVector
 
getFloat(int) - Method in interface smile.data.vector.ValueVector
Returns the float value at position i.
getFloat(int...) - Method in class smile.deep.tensor.Tensor
Returns the float value of element at given index.
getFloat(int...) - Method in class smile.tensor.JTensor
Returns the float value of element at given index.
getFloat(int, int) - Method in record class smile.data.DataFrame
Returns the float value at position (i, j).
getFloat(long...) - Method in class smile.deep.tensor.Tensor
Returns the float value of element at given index.
getFloat(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive float.
getFocusBorder() - Method in class smile.swing.table.ButtonCellRenderer
Get foreground color of the button when the cell has focus
getFont() - Method in class smile.plot.swing.Renderer
Gets the current font.
getFull(String) - Method in interface smile.nlp.dictionary.Abbreviations
Returns the full word of an abbreviation.
getGraphics() - Method in class smile.plot.swing.Renderer
Returns the Java2D graphics object.
getHeight() - Method in class smile.plot.swing.Dendrogram
Returns the height of tree.
getIcon(JTable, int) - Method in class smile.swing.table.DefaultTableHeaderCellRenderer
Overloaded to return an icon suitable to the primary sorted column, or null if the column is not the primary sort key.
getIcon(JTable, int) - Method in class smile.swing.table.MultiColumnSortTableHeaderCellRenderer
Overridden to return an icon suitable to a sorted column, or null if the column is unsorted.
getIconHeight() - Method in record class smile.swing.AlphaIcon
Gets the height of the bounding rectangle of this AlphaIcon.
getIconWidth() - Method in record class smile.swing.AlphaIcon
Gets the width of the bounding rectangle of this AlphaIcon.
getInDegree(int) - Method in class smile.graph.AdjacencyList
 
getInDegree(int) - Method in class smile.graph.AdjacencyMatrix
 
getInDegree(int) - Method in class smile.graph.Graph
Returns the in-degree of the specified vertex.
getInitialStateProbabilities() - Method in class smile.sequence.HMM
Returns the initial state probabilities.
getInputSize() - Method in class smile.base.mlp.Layer
Returns the dimension of input vector (not including bias value).
getInstance() - Static method in class smile.nlp.dictionary.EnglishPunctuations
Returns the singleton instance.
getInstance() - Static method in class smile.nlp.normalizer.SimpleNormalizer
Returns the singleton instance.
getInstance() - Static method in class smile.nlp.tokenizer.PennTreebankTokenizer
Returns the singleton instance.
getInstance() - Static method in class smile.nlp.tokenizer.SimpleParagraphSplitter
Returns the singleton instance.
getInstance() - Static method in class smile.nlp.tokenizer.SimpleSentenceSplitter
Returns the singleton instance.
getInstance() - Static method in class smile.stat.distribution.GaussianDistribution
Returns the standard normal distribution.
getInstance() - Static method in class smile.swing.FileChooser
Returns the shared file chooser instance.
getInstance() - Static method in class smile.swing.FontChooser
Returns the shared font chooser instance.
getInstance() - Static method in class smile.swing.table.DoubleCellEditor
Returns the default instance.
getInt(int) - Method in record class smile.data.Row
 
getInt(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive int.
getInt(int) - Method in class smile.data.vector.BooleanVector
 
getInt(int) - Method in class smile.data.vector.ByteVector
 
getInt(int) - Method in class smile.data.vector.CharVector
 
getInt(int) - Method in class smile.data.vector.DoubleVector
 
getInt(int) - Method in class smile.data.vector.FloatVector
 
getInt(int) - Method in class smile.data.vector.IntVector
 
getInt(int) - Method in class smile.data.vector.LongVector
 
getInt(int) - Method in class smile.data.vector.NullableBooleanVector
 
getInt(int) - Method in class smile.data.vector.NullableByteVector
 
getInt(int) - Method in class smile.data.vector.NullableCharVector
 
getInt(int) - Method in class smile.data.vector.NullableDoubleVector
 
getInt(int) - Method in class smile.data.vector.NullableFloatVector
 
getInt(int) - Method in class smile.data.vector.NullableIntVector
 
getInt(int) - Method in class smile.data.vector.NullableLongVector
 
getInt(int) - Method in class smile.data.vector.NullableShortVector
 
getInt(int) - Method in class smile.data.vector.ObjectVector
 
getInt(int) - Method in class smile.data.vector.ShortVector
 
getInt(int) - Method in class smile.data.vector.StringVector
 
getInt(int) - Method in interface smile.data.vector.ValueVector
Returns the integer value at position i.
getInt(int...) - Method in class smile.deep.tensor.Tensor
Returns the int value of element at given index.
getInt(int...) - Method in class smile.tensor.JTensor
Returns the int value of element at given index.
getInt(int, int) - Method in record class smile.data.DataFrame
Returns the int value at position (i, j).
getInt(long...) - Method in class smile.deep.tensor.Tensor
Returns the int value of element at given index.
getInt(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive int.
getKey() - Method in class smile.nlp.Trie.Node
Returns the key.
getLabel() - Method in class smile.plot.swing.Axis
Returns the label of the axis.
getLearningRate() - Method in class smile.base.mlp.MultilayerPerceptron
Returns the learning rate.
getLearningRate() - Method in class smile.classification.LogisticRegression
Returns the learning rate of stochastic gradient descent.
getLearningRate() - Method in class smile.classification.Maxent
Returns the learning rate of stochastic gradient descent.
getLearningRate() - Method in class smile.classification.SparseLogisticRegression
Returns the learning rate of stochastic gradient descent.
getline(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern __ssize_t getline(char **restrict __lineptr, size_t *restrict __n, FILE *restrict __stream)
getline$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern __ssize_t getline(char **restrict __lineptr, size_t *restrict __n, FILE *restrict __stream)
getline$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern __ssize_t getline(char **restrict __lineptr, size_t *restrict __n, FILE *restrict __stream)
getline$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern __ssize_t getline(char **restrict __lineptr, size_t *restrict __n, FILE *restrict __stream)
getLocalSearchSteps() - Method in class smile.gap.GeneticAlgorithm
Gets the number of iterations of local search in Lamarckian algorithm.
getLong(int) - Method in record class smile.data.Row
 
getLong(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive long.
getLong(int) - Method in class smile.data.vector.BooleanVector
 
getLong(int) - Method in class smile.data.vector.ByteVector
 
getLong(int) - Method in class smile.data.vector.CharVector
 
getLong(int) - Method in class smile.data.vector.DoubleVector
 
getLong(int) - Method in class smile.data.vector.FloatVector
 
getLong(int) - Method in class smile.data.vector.IntVector
 
getLong(int) - Method in class smile.data.vector.LongVector
 
getLong(int) - Method in class smile.data.vector.NullableBooleanVector
 
getLong(int) - Method in class smile.data.vector.NullableByteVector
 
getLong(int) - Method in class smile.data.vector.NullableCharVector
 
getLong(int) - Method in class smile.data.vector.NullableDoubleVector
 
getLong(int) - Method in class smile.data.vector.NullableFloatVector
 
getLong(int) - Method in class smile.data.vector.NullableIntVector
 
getLong(int) - Method in class smile.data.vector.NullableLongVector
 
getLong(int) - Method in class smile.data.vector.NullableShortVector
 
getLong(int) - Method in class smile.data.vector.ObjectVector
 
getLong(int) - Method in class smile.data.vector.ShortVector
 
getLong(int) - Method in class smile.data.vector.StringVector
 
getLong(int) - Method in interface smile.data.vector.ValueVector
Returns the long value at position i.
getLong(int...) - Method in class smile.deep.tensor.Tensor
Returns the long value of element at given index.
getLong(int...) - Method in class smile.tensor.JTensor
Returns the long value of element at given index.
getLong(int, int) - Method in record class smile.data.DataFrame
Returns the long value at position (i, j).
getLong(long...) - Method in class smile.deep.tensor.Tensor
Returns the long value of element at given index.
getLong(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive long.
getLowerBound() - Method in class smile.plot.swing.BarPlot
 
getLowerBound() - Method in class smile.plot.swing.BoxPlot
 
getLowerBound() - Method in class smile.plot.swing.Contour
 
getLowerBound() - Method in class smile.plot.swing.Dendrogram
 
getLowerBound() - Method in class smile.plot.swing.Grid
 
getLowerBound() - Method in class smile.plot.swing.Heatmap
 
getLowerBound() - Method in class smile.plot.swing.Hexmap
 
getLowerBound() - Method in class smile.plot.swing.Histogram3D
 
getLowerBound() - Method in class smile.plot.swing.LinePlot
 
getLowerBound() - Method in class smile.plot.swing.Plot
Returns the lower bound of data.
getLowerBound() - Method in class smile.plot.swing.QQPlot
 
getLowerBound() - Method in class smile.plot.swing.Renderer
Returns the lower bounds of coordinate space.
getLowerBound() - Method in class smile.plot.swing.ScatterPlot
 
getLowerBound() - Method in class smile.plot.swing.ScreePlot
 
getLowerBound() - Method in class smile.plot.swing.SparseMatrixPlot
 
getLowerBound() - Method in class smile.plot.swing.StaircasePlot
 
getLowerBound() - Method in class smile.plot.swing.Surface
 
getLowerBound() - Method in class smile.plot.swing.TextPlot
 
getLowerBound() - Method in class smile.plot.swing.Wireframe
 
getLowerBounds() - Method in class smile.plot.swing.Base
Returns the lower bounds.
getLowerBounds() - Method in class smile.plot.swing.Figure
Returns the lower bounds.
getMargin() - Method in class smile.plot.swing.Figure
Returns the size of margin, which is not used as plot area.
getMessage(String) - Method in class smile.swing.FontChooser
Returns a message.
getMnemonic() - Method in class smile.swing.table.ButtonCellRenderer
Returns the mnemonic.
getMomentum() - Method in class smile.base.mlp.MultilayerPerceptron
Returns the momentum factor.
getNullCount() - Method in class smile.data.vector.NullablePrimitiveVector
 
getNullCount() - Method in class smile.data.vector.ObjectVector
 
getNullCount() - Method in class smile.data.vector.PrimitiveVector
 
getNullCount() - Method in interface smile.data.vector.ValueVector
Returns the number of null/missing values in this vector.
getNullMask() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the null bitmap mask.
getNumberFormat() - Method in class smile.swing.table.NumberCellRenderer
Returns the number format used for rendering.
getNumThreads() - Static method in class smile.deep.tensor.Device
Returns the number of threads used for intraop parallelism on CPU.
getObjectClass() - Method in class smile.data.type.ObjectType
Returns the class of objects.
getOutDegree(int) - Method in class smile.graph.AdjacencyList
 
getOutDegree(int) - Method in class smile.graph.AdjacencyMatrix
 
getOutDegree(int) - Method in class smile.graph.Graph
Returns the out-degree of the specified vertex.
getOutputSize() - Method in class smile.base.mlp.Layer
Returns the dimension of output vector.
getPage() - Method in class smile.swing.table.PageTableModel
Returns the current page.
getPageCount() - Method in class smile.swing.table.PageTableModel
Returns the number of pages.
getPageSize() - Method in class smile.swing.table.PageTableModel
Returns the page size.
getPaint() - Method in class smile.plot.swing.Renderer
Gets the current paint object.
getPathDistance(int[]) - Method in class smile.graph.Graph
Returns the distance of path.
getPathFromRoot() - Method in class smile.taxonomy.Concept
Returns the path from root to this node.
getPathToRoot() - Method in class smile.taxonomy.Concept
Returns the path from this node to the root.
getPrecisionDigits() - Method in class smile.plot.swing.Base
Returns the precision unit digits of axes.
getPrecisionUnit() - Method in class smile.plot.swing.Base
Returns the precision units of axes.
getPrinter() - Static method in class smile.swing.Printer
Returns the printer controller object.
getProbeSequence(double[], double, int) - Method in class smile.neighbor.lsh.PosterioriModel
Generate query-directed probes.
getProjection() - Method in class smile.classification.FLD
Returns the projection matrix W.
getProjection(double) - Method in class smile.feature.extraction.PCA
Returns the projection with top principal components that contain (more than) the given percentage of variance.
getProjection(int) - Method in class smile.feature.extraction.PCA
Returns the projection with given number of principal components.
getPropertyChangeListeners() - Method in class smile.plot.swing.Figure
Returns an array of all the listeners that were added to the PropertyChangeSupport object with addPropertyChangeListener().
getReadableImageFilter() - Static method in class smile.swing.FileChooser.SimpleFileFilter
Returns the filter for readable images.
getRealRow(int) - Method in class smile.swing.table.PageTableModel
Returns the row number of data given the row number of current page.
getRealRowCount() - Method in class smile.swing.table.PageTableModel
The subclass should implement this method to return the real number of rows in the model.
getRequireGrad() - Method in class smile.deep.tensor.Tensor
Returns true if autograd should record operations on this tensor.
getRoot() - Method in class smile.taxonomy.Taxonomy
Returns the root node of taxonomy tree.
getRowCount() - Method in class smile.swing.table.PageTableModel
 
getRowCount() - Method in class smile.swing.Table.RowHeader
Delegate method to main table
getRowHeader() - Method in class smile.swing.Table
Returns a row header for this table.
getRowHeight(int) - Method in class smile.swing.Table.RowHeader
 
getScale(int) - Method in interface smile.data.Tuple
Returns the value at position i of NominalScale or OrdinalScale.
getScale(int) - Method in interface smile.data.vector.ValueVector
Returns the value at position i of NominalScale or OrdinalScale.
getScale(int, int) - Method in record class smile.data.DataFrame
Returns the value at position (i, j) of NominalScale or OrdinalScale.
getScale(String) - Method in interface smile.data.Tuple
Returns the field value of NominalScale or OrdinalScale.
getScrollableTracksViewportWidth() - Method in class smile.swing.Table
 
getSelectedFont() - Method in class smile.swing.FontChooser
Gets the selected font.
getSelectedFontFamily() - Method in class smile.swing.FontChooser
Get the family name of the selected font.
getSelectedFontSize() - Method in class smile.swing.FontChooser
Get the size of the selected font.
getSelectedFontStyle() - Method in class smile.swing.FontChooser
Get the style of the selected font.
getShapes() - Method in class smile.plot.swing.Figure
Returns the list of shapes in the canvas.
getShort(int) - Method in record class smile.data.Row
 
getShort(int) - Method in interface smile.data.Tuple
Returns the value at position i as a primitive short.
getShort(int) - Method in class smile.data.vector.BooleanVector
 
getShort(int) - Method in class smile.data.vector.ByteVector
 
getShort(int) - Method in class smile.data.vector.CharVector
 
getShort(int) - Method in class smile.data.vector.DoubleVector
 
getShort(int) - Method in class smile.data.vector.FloatVector
 
getShort(int) - Method in class smile.data.vector.IntVector
 
getShort(int) - Method in class smile.data.vector.LongVector
 
getShort(int) - Method in class smile.data.vector.NullableBooleanVector
 
getShort(int) - Method in class smile.data.vector.NullableByteVector
 
getShort(int) - Method in class smile.data.vector.NullableCharVector
 
getShort(int) - Method in class smile.data.vector.NullableDoubleVector
 
getShort(int) - Method in class smile.data.vector.NullableFloatVector
 
getShort(int) - Method in class smile.data.vector.NullableIntVector
 
getShort(int) - Method in class smile.data.vector.NullableLongVector
 
getShort(int) - Method in class smile.data.vector.NullableShortVector
 
getShort(int) - Method in class smile.data.vector.ObjectVector
 
getShort(int) - Method in class smile.data.vector.ShortVector
 
getShort(int) - Method in class smile.data.vector.StringVector
 
getShort(int) - Method in interface smile.data.vector.ValueVector
Returns the short value at position i.
getShort(int...) - Method in class smile.deep.tensor.Tensor
Returns the short value of element at given index.
getShort(int...) - Method in class smile.tensor.JTensor
Returns the short value of element at given index.
getShort(long...) - Method in class smile.deep.tensor.Tensor
Returns the short value of element at given index.
getShort(String) - Method in interface smile.data.Tuple
Returns the field value as a primitive short.
getSortKey(JTable, int) - Method in class smile.swing.table.DefaultTableHeaderCellRenderer
Returns the current sort key, or null if the column is unsorted.
getStateTransitionProbabilities() - Method in class smile.sequence.HMM
Returns the state transition probabilities.
getString(int) - Method in interface smile.data.Tuple
Returns the value at position i as a String object.
getString(int) - Method in interface smile.data.vector.ValueVector
Returns the string representation of the value at position i.
getString(int, int) - Method in record class smile.data.DataFrame
Returns the string representation of the value at position (i, j).
getString(String) - Method in interface smile.data.Tuple
Returns the field value as a String object.
getStroke() - Method in class smile.plot.swing.Renderer
Gets the current stroke.
getStruct(int) - Method in interface smile.data.Tuple
Returns the value at position i of struct type.
getStruct(String) - Method in interface smile.data.Tuple
Returns the field value of struct type.
getSymbolEmissionProbabilities() - Method in class smile.sequence.HMM
Returns the symbol emission probabilities.
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.ButtonCellRenderer
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.ColorCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.DateCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.DoubleArrayCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.DoubleCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.FontCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.IntegerArrayCellEditor
 
getTableCellEditorComponent(JTable, Object, boolean, int, int) - Method in class smile.swing.table.IntegerCellEditor
 
getTableCellRendererComponent(JTable, Object, boolean, boolean, int, int) - Method in class smile.swing.table.ButtonCellRenderer
 
getTableCellRendererComponent(JTable, Object, boolean, boolean, int, int) - Method in class smile.swing.table.ColorCellRenderer
 
getTableCellRendererComponent(JTable, Object, boolean, boolean, int, int) - Method in class smile.swing.table.DefaultTableHeaderCellRenderer
Returns the default table header cell renderer.
getTestData(String...) - Static method in interface smile.io.Paths
Get the file path of a test sample dataset.
getTestDataLines(String...) - Static method in interface smile.io.Paths
Returns the reader of a test data.
getTestDataReader(String...) - Static method in interface smile.io.Paths
Returns the reader of a test data.
getTime(int) - Method in interface smile.data.Tuple
Returns the value at position i of date type as java.time.LocalTime.
getTime(String) - Method in interface smile.data.Tuple
Returns the field value of date type as java.time.LocalTime.
getTitle() - Method in class smile.plot.swing.Figure
Returns the main title of figure.
getTitleColor() - Method in class smile.plot.swing.Figure
Returns the color for title.
getTitleFont() - Method in class smile.plot.swing.Figure
Returns the font for title.
getToolbar() - Method in class smile.swing.table.PageTableModel
Returns a toolbar to control the plot.
getUpperBound() - Method in class smile.plot.swing.BarPlot
 
getUpperBound() - Method in class smile.plot.swing.BoxPlot
 
getUpperBound() - Method in class smile.plot.swing.Contour
 
getUpperBound() - Method in class smile.plot.swing.Dendrogram
 
getUpperBound() - Method in class smile.plot.swing.Grid
 
getUpperBound() - Method in class smile.plot.swing.Heatmap
 
getUpperBound() - Method in class smile.plot.swing.Hexmap
 
getUpperBound() - Method in class smile.plot.swing.Histogram3D
 
getUpperBound() - Method in class smile.plot.swing.LinePlot
 
getUpperBound() - Method in class smile.plot.swing.Plot
Returns the upper bound of data.
getUpperBound() - Method in class smile.plot.swing.QQPlot
 
getUpperBound() - Method in class smile.plot.swing.Renderer
Returns the upper bounds of coordinate space.
getUpperBound() - Method in class smile.plot.swing.ScatterPlot
 
getUpperBound() - Method in class smile.plot.swing.ScreePlot
 
getUpperBound() - Method in class smile.plot.swing.SparseMatrixPlot
 
getUpperBound() - Method in class smile.plot.swing.StaircasePlot
 
getUpperBound() - Method in class smile.plot.swing.Surface
 
getUpperBound() - Method in class smile.plot.swing.TextPlot
 
getUpperBound() - Method in class smile.plot.swing.Wireframe
 
getUpperBounds() - Method in class smile.plot.swing.Base
Returns the upper bounds.
getUpperBounds() - Method in class smile.plot.swing.Figure
Returns the upper bounds.
getValue() - Method in class smile.nlp.Trie.Node
Returns the value.
getValue(String) - Static method in enum class smile.nlp.pos.PennTreebankPOS
Returns an enum value from a string.
getValueAt(int, int) - Method in class smile.swing.table.PageTableModel
 
getValueAt(int, int) - Method in class smile.swing.Table.RowHeader
This table does not use any data from the main TableModel, so just return a value based on the row parameter.
getValueAtRealRow(int, int) - Method in class smile.swing.table.PageTableModel
Returns the value for the cell at real row index.
getVertexCount() - Method in class smile.graph.AdjacencyList
 
getVertexCount() - Method in class smile.graph.AdjacencyMatrix
 
getVertexCount() - Method in class smile.graph.Graph
Returns the number of vertices.
getw(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int getw(FILE *__stream)
getw$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int getw(FILE *__stream)
getw$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int getw(FILE *__stream)
getw$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int getw(FILE *__stream)
getWeight(int, int) - Method in class smile.graph.AdjacencyList
 
getWeight(int, int) - Method in class smile.graph.AdjacencyMatrix
 
getWeight(int, int) - Method in class smile.graph.Graph
Returns the weight assigned to a given edge.
getWeightDecay() - Method in class smile.base.mlp.MultilayerPerceptron
Returns the weight decay factor.
getWritableImageFIlter() - Static method in class smile.swing.FileChooser.SimpleFileFilter
Returns the filter for writable images.
GHA - Class in smile.feature.extraction
Generalized Hebbian Algorithm.
GHA(double[][], TimeFunction, String...) - Constructor for class smile.feature.extraction.GHA
Constructor.
GHA(int, int, TimeFunction, String...) - Constructor for class smile.feature.extraction.GHA
Constructor.
GHOST_WHITE - Static variable in class smile.plot.swing.Palette
The color ghost white with an RGB value of #F8F8FF
GINI - Enum constant in enum class smile.base.cart.SplitRule
Used by the CART algorithm, Gini impurity is a measure of how often a randomly chosen element from the set would be incorrectly labeled if it were randomly labeled according to the distribution of labels in the subset.
GLM - Class in smile.glm
Generalized linear models.
GLM(Formula, String[], Model, double[], double, double, double, double[], double[], double[][]) - Constructor for class smile.glm.GLM
Constructor.
GLM.Options - Record Class in smile.glm
GLM hyperparameters.
GloVe - Interface in smile.nlp.embedding
Global Vectors for Word Representation.
GLU - Class in smile.deep.activation
Gated Linear Unit activation function.
GLU() - Constructor for class smile.deep.activation.GLU
Constructor.
GMeans - Class in smile.clustering
G-Means clustering algorithm, an extended K-Means which tries to automatically determine the number of clusters by normality test.
GOLD - Static variable in class smile.plot.swing.Palette
The color gold with an RGB value of #FFD700
GOLDENROD - Static variable in class smile.plot.swing.Palette
The color goldenrod with an RGB value of #DAA520
GoodTuring - Class in smile.stat
Good–Turing frequency estimation.
GOOGLE - Enum constant in enum class smile.nlp.dictionary.EnglishStopWords
The stop words list used by Google.
goto_set_num_threads(int) - Static method in class smile.linalg.blas.cblas_h
void goto_set_num_threads(int num_threads)
goto_set_num_threads$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void goto_set_num_threads(int num_threads)
goto_set_num_threads$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void goto_set_num_threads(int num_threads)
goto_set_num_threads$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void goto_set_num_threads(int num_threads)
gradient() - Method in class smile.base.mlp.Layer
Returns the output gradient vector.
gradientLength(double) - Method in class smile.plot.vega.Legend
Sets the length in pixels of the primary axis of a color gradient.
gradientOpacity(double) - Method in class smile.plot.vega.Legend
Sets the opacity of the color gradient.
gradientStrokeColor(String) - Method in class smile.plot.vega.Legend
Sets the color of the gradient stroke.
gradientStrokeWidth(double) - Method in class smile.plot.vega.Legend
Sets the width of the gradient stroke.
gradientThickness(double) - Method in class smile.plot.vega.Legend
Sets the thickness in pixels of the color gradient.
GradientTreeBoost - Class in smile.classification
Gradient boosting for classification.
GradientTreeBoost - Class in smile.regression
Gradient boosting for regression.
GradientTreeBoost(Formula, RegressionTree[][], double, double[]) - Constructor for class smile.classification.GradientTreeBoost
Constructor of multi-class.
GradientTreeBoost(Formula, RegressionTree[][], double, double[], IntSet) - Constructor for class smile.classification.GradientTreeBoost
Constructor of multi-class.
GradientTreeBoost(Formula, RegressionTree[], double, double, double[]) - Constructor for class smile.classification.GradientTreeBoost
Constructor of binary class.
GradientTreeBoost(Formula, RegressionTree[], double, double, double[]) - Constructor for class smile.regression.GradientTreeBoost
Constructor.
GradientTreeBoost(Formula, RegressionTree[], double, double, double[], IntSet) - Constructor for class smile.classification.GradientTreeBoost
Constructor of binary class.
GradientTreeBoost.Options - Record Class in smile.classification
Gradient tree boosting hyperparameters.
GradientTreeBoost.Options - Record Class in smile.regression
Gradient tree boosting hyperparameters.
GradientTreeBoost.TrainingStatus - Record Class in smile.classification
Training status per tree.
GradientTreeBoost.TrainingStatus - Record Class in smile.regression
Training status per tree.
graph(boolean) - Method in record class smile.graph.NearestNeighborGraph
Returns the nearest neighbor graph.
Graph - Class in smile.graph
A graph is an abstract representation of a set of objects where some pairs of the objects are connected by links.
Graph(boolean) - Constructor for class smile.graph.Graph
Constructor.
Graph.Edge - Record Class in smile.graph
Graph edge.
GRAY - Static variable in class smile.plot.swing.Palette
The color gray with an RGB value of #808080
GREEN - Static variable in class smile.plot.swing.Palette
The color green with an RGB value of #008000
GREEN_YELLOW - Static variable in class smile.plot.swing.Palette
The color green yellow with an RGB value of #ADFF2F
GREY - Static variable in class smile.plot.swing.Palette
The color grey with an RGB value of #808080
grid() - Method in class smile.hpo.Hyperparameters
Generates a stream of hyperparameters for grid search.
grid(boolean) - Method in class smile.plot.vega.Axis
Sets if gridlines should be included as part of the axis.
Grid - Class in smile.plot.swing
A 2D grid plot.
Grid(double[][][], Color) - Constructor for class smile.plot.swing.Grid
Constructor.
gridAlign(String) - Method in class smile.plot.vega.Legend
Sets the alignment to apply to symbol legends rows and columns.
gridCap(String) - Method in class smile.plot.vega.Axis
Sets the stroke cap for gridlines' ending style.
gridColor(String) - Method in class smile.plot.vega.Axis
Sets the color of gridlines.
gridDash(double, double) - Method in class smile.plot.vega.Axis
Sets the alternating [stroke, space] lengths for dashed gridlines.
gridOpacity(double) - Method in class smile.plot.vega.Axis
Sets the stroke opacity of grid.
gridWidth(double) - Method in class smile.plot.vega.Axis
Sets the grid width.
group() - Method in record class smile.clustering.CentroidClustering
Returns the value of the group record component.
group() - Method in class smile.clustering.Partitioning
Returns the cluster labels of data points.
group(int) - Method in record class smile.clustering.CentroidClustering
Returns the cluster label of i-th data point.
group(int) - Method in class smile.clustering.Partitioning
Returns the cluster label of i-th data point.
groupby(String...) - Method in class smile.plot.vega.ImputeTransform
Sets the data fields by which to group the values.
groupby(String...) - Method in class smile.plot.vega.LoessTransform
Sets the data fields to group by.
groupby(String...) - Method in class smile.plot.vega.PivotTransform
Sets the data fields to group by.
groupby(String...) - Method in class smile.plot.vega.QuantileTransform
Sets the data fields to group by.
groupby(String...) - Method in class smile.plot.vega.RegressionTransform
Sets the data fields to group by.
groupby(String...) - Method in class smile.plot.vega.WindowTransform
Sets the data fields for partitioning the data objects into separate windows.
GroupNormLayer - Class in smile.deep.layer
Group normalization.
GroupNormLayer(int, int) - Constructor for class smile.deep.layer.GroupNormLayer
Constructor.
GroupNormLayer(int, int, double, boolean) - Constructor for class smile.deep.layer.GroupNormLayer
Constructor.
groups() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the groups record component.
GrowingNeuralGas - Class in smile.vq
Growing Neural Gas.
GrowingNeuralGas(int) - Constructor for class smile.vq.GrowingNeuralGas
Constructor.
GrowingNeuralGas(int, double, double, int, int, double, double) - Constructor for class smile.vq.GrowingNeuralGas
Constructor.
gt(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than comparison.
gt(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than comparison.
gt(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise greater-than comparison.
gt(T) - Method in interface smile.data.vector.ValueVector
Returns the result of greater-than comparison.

H

H - Variable in class smile.neighbor.LSH
The size of hash table.
HaarWavelet - Class in smile.wavelet
Haar wavelet.
HaarWavelet() - Constructor for class smile.wavelet.HaarWavelet
Constructor.
HadoopInput - Interface in smile.io
Static methods that return the InputStream/Reader of a HDFS/S3.
HammingDistance - Class in smile.math.distance
In information theory, the Hamming distance between two strings of equal length is the number of positions for which the corresponding symbols are different.
HammingDistance() - Constructor for class smile.math.distance.HammingDistance
Constructor.
handle() - Method in class smile.linalg.blas.cblas_h.cblas_xerbla
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.dprintf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.fprintf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.fscanf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.printf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.scanf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.snprintf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.sprintf
Returns the specialized method handle.
handle() - Method in class smile.linalg.blas.cblas_h.sscanf
Returns the specialized method handle.
hardShrink(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with hard shrink activation function.
HardShrink - Class in smile.deep.activation
Hard Shrink activation function.
HardShrink() - Constructor for class smile.deep.activation.HardShrink
Constructor.
HardShrink(double) - Constructor for class smile.deep.activation.HardShrink
Constructor.
harwell(Path) - Static method in class smile.tensor.SparseMatrix
Reads a sparse matrix from a Harwell-Boeing Exchange Format file.
hasEdge(int, int) - Method in class smile.graph.AdjacencyList
 
hasEdge(int, int) - Method in class smile.graph.AdjacencyMatrix
 
hasEdge(int, int) - Method in class smile.graph.Graph
Returns true if and only if this graph contains an edge going from the source vertex to the target vertex.
hash - Variable in class smile.neighbor.LSH
Hash functions.
hash(double[]) - Method in class smile.neighbor.lsh.Hash
Apply hash functions on given vector x.
hash(Hash, PrZ[]) - Method in class smile.neighbor.lsh.Probe
Returns the bucket number of the probe.
hash(T) - Method in interface smile.hash.SimHash
Return the hash code.
Hash - Class in smile.neighbor.lsh
The hash function for Euclidean spaces.
Hash(int, int, double, int) - Constructor for class smile.neighbor.lsh.Hash
Constructor.
hash128(ByteBuffer, int, int, long, long[]) - Static method in interface smile.hash.MurmurHash3
128-bit MurmurHash3 for x64.
hash32(byte[], int, int, int) - Static method in interface smile.hash.MurmurHash3
32-bit MurmurHash3.
hash32(String, int) - Static method in interface smile.hash.MurmurHash3
32-bit MurmurHash3.
hash32(ByteBuffer, int, int, int) - Static method in interface smile.hash.MurmurHash2
32-bit MurmurHash.
hash64(ByteBuffer, int, int, long) - Static method in interface smile.hash.MurmurHash2
64-bit MurmurHash.
hashCode() - Method in record class smile.anomaly.IsolationForest.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.anomaly.SVM.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.association.AssociationRule
Returns a hash code value for this object.
hashCode() - Method in record class smile.association.ItemSet
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.AdaBoost.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.AdaBoost.TrainingStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.DecisionTree.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.GradientTreeBoost.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.LogisticRegression.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.Maxent.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.RandomForest.Model
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.RandomForest.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.RandomForest.TrainingStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.classification.SVM.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.CentroidClustering
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.Clustering.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.DENCLUE.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.HierarchicalClustering
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.MEC.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.clustering.SpectralClustering.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.DataFrame
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.formula.Intercept
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.formula.Variable
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.Row
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.RowIndex
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.SampleInstance
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.type.Property
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.type.StructField
Returns a hash code value for this object.
hashCode() - Method in record class smile.data.type.StructType
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Abalone
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Ailerons
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.AutoMPG
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Bank32nh
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.BitcoinPrice
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.BostonHousing
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.BreastCancer
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.CalHousing
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.ColonCancer
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.CPU
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Default
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Diabetes
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Eurodist
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.GaussianMixture
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Hyphen
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.ImageSegmentation
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Iris
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Kin8nm
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.LibrasMovement
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Longley
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.MNIST
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.PenDigits
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Planes2D
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.ProstateCancer
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Protein
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Puma8NH
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.SwissRoll
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.SyntheticControl
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.USArrests
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.USPS
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.Weather
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.WeatherNominal
Returns a hash code value for this object.
hashCode() - Method in record class smile.datasets.WordNet
Returns a hash code value for this object.
hashCode() - Method in record class smile.deep.SampleBatch
Returns a hash code value for this object.
hashCode() - Method in record class smile.feature.selection.FRegression
Returns a hash code value for this object.
hashCode() - Method in record class smile.feature.selection.InformationValue
Returns a hash code value for this object.
hashCode() - Method in record class smile.feature.selection.SignalNoiseRatio
Returns a hash code value for this object.
hashCode() - Method in record class smile.feature.selection.SumSquaresRatio
Returns a hash code value for this object.
hashCode() - Method in record class smile.glm.GLM.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.graph.Graph.Edge
Returns a hash code value for this object.
hashCode() - Method in record class smile.graph.NearestNeighborGraph
Returns a hash code value for this object.
hashCode() - Method in record class smile.ica.ICA
Returns a hash code value for this object.
hashCode() - Method in record class smile.ica.ICA.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.llm.CompletionPrediction
Returns a hash code value for this object.
hashCode() - Method in record class smile.llm.llama.ModelArgs
Returns a hash code value for this object.
hashCode() - Method in record class smile.llm.Message
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.IsoMap.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.IsotonicMDS
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.IsotonicMDS.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.KPCA.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.LLE.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.MDS
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.MDS.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.SammonMapping
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.SammonMapping.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.TSNE
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.TSNE.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.manifold.UMAP.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.math.Complex
Returns a hash code value for this object.
hashCode() - Method in record class smile.math.LevenbergMarquardt
Returns a hash code value for this object.
hashCode() - Method in record class smile.neighbor.lsh.MultiProbeSample
Returns a hash code value for this object.
hashCode() - Method in record class smile.neighbor.lsh.PrH
Returns a hash code value for this object.
hashCode() - Method in record class smile.neighbor.lsh.PrZ
Returns a hash code value for this object.
hashCode() - Method in record class smile.neighbor.Neighbor
Returns a hash code value for this object.
hashCode() - Method in class smile.nlp.Bigram
 
hashCode() - Method in class smile.nlp.NGram
 
hashCode() - Method in record class smile.nlp.relevance.Relevance
Returns a hash code value for this object.
hashCode() - Method in class smile.nlp.SimpleText
 
hashCode() - Method in record class smile.plot.vega.SortField
Returns a hash code value for this object.
hashCode() - Method in record class smile.plot.vega.WindowTransformField
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.ElasticNet.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.GradientTreeBoost.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.LASSO.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.OLS.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.RandomForest.Model
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.RandomForest.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.RandomForest.TrainingStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.RegressionTree.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.RidgeRegression.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.regression.SVM.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.sequence.CRF.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.distribution.DiscreteMixture.Component
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.distribution.Mixture.Component
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.distribution.MultivariateMixture.Component
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.hypothesis.CorTest
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.hypothesis.FTest
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.hypothesis.KSTest
Returns a hash code value for this object.
hashCode() - Method in record class smile.stat.hypothesis.TTest
Returns a hash code value for this object.
hashCode() - Method in record class smile.swing.AlphaIcon
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.Cholesky
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.EVD
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.LU
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.QR
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.Scalar
Returns a hash code value for this object.
hashCode() - Method in record class smile.tensor.SVD
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.AlgoStatus
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.Bytes
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.IntPair
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.SparseArray.Entry
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.SparseIntArray.Entry
Returns a hash code value for this object.
hashCode() - Method in record class smile.util.Tuple2
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.Bag
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.ClassificationMetrics
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.ClassificationValidation
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.ClassificationValidations
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.metric.ConfusionMatrix
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.RegressionMetrics
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.RegressionValidation
Returns a hash code value for this object.
hashCode() - Method in record class smile.validation.RegressionValidations
Returns a hash code value for this object.
hashCode() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns a hash code value for this object.
hashCode() - Method in record class smile.vision.layer.MBConvConfig
Returns a hash code value for this object.
HashEncoder - Class in smile.feature.extraction
Feature hashing, also known as the hashing trick, is a fast and space-efficient way of vectorizing features, i.e.
HashEncoder(Function, int) - Constructor for class smile.feature.extraction.HashEncoder
Constructor.
HashEncoder(Function, int, boolean) - Constructor for class smile.feature.extraction.HashEncoder
Constructor.
HashValueParzenModel - Class in smile.neighbor.lsh
Hash value Parzen model for multi-probe hash.
HashValueParzenModel(MultiProbeHash, MultiProbeSample[], double) - Constructor for class smile.neighbor.lsh.HashValueParzenModel
Constructor.
hasMissing(Tuple) - Static method in class smile.feature.imputation.SimpleImputer
Return true if the tuple x has missing values.
head(int) - Method in record class smile.data.DataFrame
Returns the string representation of top rows.
header(String) - Method in class smile.plot.vega.FacetField
Sets the header of facet.
Headless - Class in smile.plot.swing
Aids in creating swing components in a "headless" environment.
Headless(JComponent, int, int) - Constructor for class smile.plot.swing.Headless
Constructor.
HeapSelect<T> - Class in smile.sort
This class tracks the smallest values seen thus far in a stream of values.
HeapSelect(Class, int) - Constructor for class smile.sort.HeapSelect
Constructor.
heat(int) - Static method in class smile.plot.swing.Palette
Generates heat color palette.
heat(int, float) - Static method in class smile.plot.swing.Palette
Generates heat color palette.
Heatmap - Class in smile.plot.swing
A heat map is a graphical representation of data where the values taken by a variable in a two-dimensional map are represented as colors.
Heatmap(double[], double[], double[][], Color[]) - Constructor for class smile.plot.swing.Heatmap
Constructor.
Heatmap(String[], String[], double[][], Color[]) - Constructor for class smile.plot.swing.Heatmap
Constructor.
height() - Method in record class smile.clustering.HierarchicalClustering
Returns the value of the height record component.
height() - Method in class smile.plot.swing.Projection
Returns the height of canvas.
height(double) - Method in class smile.plot.vega.Mark
Sets the height of the marks.
height(int) - Method in class smile.plot.vega.Layer
 
height(int) - Method in class smile.plot.vega.View
Sets the height of a plot with a continuous y-field, or the fixed height of a plot a discrete y-field or no y-field.
height(String) - Method in class smile.plot.vega.Layer
 
height(String) - Method in class smile.plot.vega.View
To enable responsive sizing on height.
heightStep(int) - Method in class smile.plot.vega.Layer
 
heightStep(int) - Method in class smile.plot.vega.View
For a discrete y-field, sets the height per discrete step.
heldKarp() - Method in class smile.graph.Graph
Returns the optimal TSP tour with Held-Karp algorithm.
HellingerKernel - Class in smile.math.kernel
The Hellinger kernel.
HellingerKernel() - Constructor for class smile.math.kernel.HellingerKernel
Constructor.
Hexmap - Class in smile.plot.swing
Hexmap is a variant of heat map by replacing rectangle cells with hexagon cells.
Hexmap(double[][], Color[], Hexmap.Tooltip) - Constructor for class smile.plot.swing.Hexmap
Constructor.
Hexmap.Tooltip - Interface in smile.plot.swing
The lambda interface to retrieve the tooltip of cell.
HHMM - Static variable in class smile.swing.table.DateCellEditor
Predefined time editor in HH:mm format.
HHMM - Static variable in class smile.swing.table.DateCellRenderer
Predefined time renderer in HH:mm format.
HHMMSS - Static variable in class smile.swing.table.DateCellEditor
Predefined time editor in HH:mm:ss format.
HHMMSS - Static variable in class smile.swing.table.DateCellRenderer
Predefined time renderer in HH:mm:ss format.
hi() - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
hi() - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
hi() - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
hi() - Method in class smile.math.kernel.BinarySparseLinearKernel
 
hi() - Method in class smile.math.kernel.BinarySparseMaternKernel
 
hi() - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
hi() - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
hi() - Method in class smile.math.kernel.GaussianKernel
 
hi() - Method in class smile.math.kernel.HellingerKernel
 
hi() - Method in class smile.math.kernel.HyperbolicTangentKernel
 
hi() - Method in class smile.math.kernel.LaplacianKernel
 
hi() - Method in class smile.math.kernel.LinearKernel
 
hi() - Method in class smile.math.kernel.MaternKernel
 
hi() - Method in interface smile.math.kernel.MercerKernel
Returns the upper bound of hyperparameters (in hyperparameter tuning).
hi() - Method in class smile.math.kernel.PearsonKernel
 
hi() - Method in class smile.math.kernel.PolynomialKernel
 
hi() - Method in class smile.math.kernel.ProductKernel
 
hi() - Method in class smile.math.kernel.SparseGaussianKernel
 
hi() - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
hi() - Method in class smile.math.kernel.SparseLaplacianKernel
 
hi() - Method in class smile.math.kernel.SparseLinearKernel
 
hi() - Method in class smile.math.kernel.SparseMaternKernel
 
hi() - Method in class smile.math.kernel.SparsePolynomialKernel
 
hi() - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
hi() - Method in class smile.math.kernel.SumKernel
 
hi() - Method in class smile.math.kernel.ThinPlateSplineKernel
 
HiddenLayer - Class in smile.base.mlp
A hidden layer in the neural network.
HiddenLayer(int, int, double, ActivationFunction) - Constructor for class smile.base.mlp.HiddenLayer
Constructor.
HiddenLayerBuilder - Class in smile.base.mlp
The builder of hidden layers.
HiddenLayerBuilder(int, double, ActivationFunction) - Constructor for class smile.base.mlp.HiddenLayerBuilder
Constructor.
HierarchicalClustering - Record Class in smile.clustering
Agglomerative Hierarchical Clustering.
HierarchicalClustering(int[][], double[]) - Constructor for record class smile.clustering.HierarchicalClustering
Creates an instance of a HierarchicalClustering record class.
hingeEmbedding() - Static method in interface smile.deep.Loss
Hinge Embedding Loss Function.
Histogram - Interface in smile.math
Histogram utilities.
Histogram - Interface in smile.plot.swing
A histogram is a graphical display of tabulated frequencies, shown as bars.
Histogram3D - Class in smile.plot.swing
A histogram is a graphical display of tabulated frequencies, shown as bars.
Histogram3D(double[][], int, int, boolean, Color[]) - Constructor for class smile.plot.swing.Histogram3D
Constructor.
HMM - Class in smile.sequence
First-order Hidden Markov Model.
HMM(double[], DenseMatrix, DenseMatrix) - Constructor for class smile.sequence.HMM
Constructor.
HMMLabeler<T> - Class in smile.sequence
First-order Hidden Markov Model sequence labeler.
HMMLabeler(HMM, ToIntFunction) - Constructor for class smile.sequence.HMMLabeler
Constructor.
HMMPOSTagger - Class in smile.nlp.pos
Part-of-speech tagging with hidden Markov model.
HMMPOSTagger() - Constructor for class smile.nlp.pos.HMMPOSTagger
Constructor.
home - Static variable in interface smile.io.Paths
Smile home directory.
HONEYDEW - Static variable in class smile.plot.swing.Palette
The color honeydew with an RGB value of #F0FFF0
horizontal(VegaLite...) - Static method in class smile.plot.vega.Concat
Returns a horizontal concatenation of views.
HOT_PINK - Static variable in class smile.plot.swing.Palette
The color hot pink with an RGB value of #FF69B4
HOUR - Enum constant in enum class smile.data.formula.DateFeature
The hours represented by an integer from 0 to 23.
hsb(float, float, float, float) - Static method in class smile.plot.swing.Palette
Creates a color based on HSV/HSB model.
hstack(Tensor...) - Static method in class smile.deep.tensor.Tensor
Stacks tensors in sequence horizontally (column wise).
html() - Method in class smile.plot.vega.VegaLite
Returns the HTML of plot specification with Vega Embed.
html(String) - Method in class smile.plot.vega.VegaLite
Returns the HTML of plot specification with Vega Embed.
htmlEscape(String) - Static method in interface smile.util.Strings
Turn special characters into HTML character references.
htmlEscape(String, String) - Static method in interface smile.util.Strings
Turn special characters into HTML character references.
huber(double) - Static method in interface smile.base.cart.Loss
Huber loss function for M-regression, which attempts resistance to long-tailed error distributions and outliers while maintaining high efficiency for normally distributed errors.
Huber - Enum constant in enum class smile.base.cart.Loss.Type
Huber loss function for M-regression, which attempts resistance to long-tailed error distributions and outliers while maintaining high efficiency for normally distributed errors.
HyperbolicTangent - Class in smile.math.kernel
The hyperbolic tangent kernel.
HyperbolicTangent(double, double, double[], double[]) - Constructor for class smile.math.kernel.HyperbolicTangent
Constructor.
HyperbolicTangentKernel - Class in smile.math.kernel
The hyperbolic tangent kernel.
HyperbolicTangentKernel() - Constructor for class smile.math.kernel.HyperbolicTangentKernel
Constructor with scale 1.0 and offset 0.0.
HyperbolicTangentKernel(double, double) - Constructor for class smile.math.kernel.HyperbolicTangentKernel
Constructor.
HyperbolicTangentKernel(double, double, double[], double[]) - Constructor for class smile.math.kernel.HyperbolicTangentKernel
Constructor.
HyperGeometricDistribution - Class in smile.stat.distribution
The hypergeometric distribution is a discrete probability distribution that describes the number of successes in a sequence of n draws from a finite population without replacement, just as the binomial distribution describes the number of successes for draws with replacement.
HyperGeometricDistribution(int, int, int) - Constructor for class smile.stat.distribution.HyperGeometricDistribution
Constructor.
hyperparameters() - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparseLinearKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparseMaternKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
hyperparameters() - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
hyperparameters() - Method in class smile.math.kernel.GaussianKernel
 
hyperparameters() - Method in class smile.math.kernel.HellingerKernel
 
hyperparameters() - Method in class smile.math.kernel.HyperbolicTangentKernel
 
hyperparameters() - Method in class smile.math.kernel.LaplacianKernel
 
hyperparameters() - Method in class smile.math.kernel.LinearKernel
 
hyperparameters() - Method in class smile.math.kernel.MaternKernel
 
hyperparameters() - Method in interface smile.math.kernel.MercerKernel
Returns the hyperparameters of kernel.
hyperparameters() - Method in class smile.math.kernel.PearsonKernel
 
hyperparameters() - Method in class smile.math.kernel.PolynomialKernel
 
hyperparameters() - Method in class smile.math.kernel.ProductKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseGaussianKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseLaplacianKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseLinearKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseMaternKernel
 
hyperparameters() - Method in class smile.math.kernel.SparsePolynomialKernel
 
hyperparameters() - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
hyperparameters() - Method in class smile.math.kernel.SumKernel
 
hyperparameters() - Method in class smile.math.kernel.ThinPlateSplineKernel
 
Hyperparameters - Class in smile.hpo
Hyperparameter configuration.
Hyperparameters() - Constructor for class smile.hpo.Hyperparameters
Constructor.
Hyphen - Record Class in smile.datasets
Hyphen sequence dataset.
Hyphen() - Constructor for record class smile.datasets.Hyphen
Constructor.
Hyphen(Path, Path) - Constructor for record class smile.datasets.Hyphen
Constructor.
Hyphen(BinarySparseSequenceDataset, BinarySparseSequenceDataset) - Constructor for record class smile.datasets.Hyphen
Creates an instance of a Hyphen record class.
Hypothesis - Interface in smile.stat
Hypothesis test functions.
Hypothesis.chisq - Interface in smile.stat
Chi-square test.
Hypothesis.cor - Interface in smile.stat
Correlation test.
Hypothesis.F - Interface in smile.stat
F-test.
Hypothesis.KS - Interface in smile.stat
The Kolmogorov-Smirnov test (K-S test).
Hypothesis.t - Interface in smile.stat
t-test.

I

i - Variable in class smile.tensor.SparseMatrix.Entry
The row index.
I() - Static method in class smile.linalg.blas.cblas_h
#define I 0
iamax() - Method in class smile.tensor.Vector
Searches a vector for the first occurrence of the maximum absolute value.
ICA - Record Class in smile.ica
Independent Component Analysis (ICA) is a computational method for separating a multivariate signal into additive components.
ICA(double[][]) - Constructor for record class smile.ica.ICA
Creates an instance of a ICA record class.
ICA.Options - Record Class in smile.ica
ICA hyperparameters.
icmax1_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer icmax1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
icmax1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer icmax1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
icmax1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer icmax1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
icmax1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer icmax1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
icon() - Method in record class smile.swing.AlphaIcon
Returns the value of the icon record component.
id - Variable in class smile.nlp.Text
The id of document in the corpus.
id() - Method in class smile.data.type.ArrayType
 
id() - Method in interface smile.data.type.DataType
Returns the type ID enum.
id() - Method in class smile.data.type.DateTimeType
 
id() - Method in class smile.data.type.DateType
 
id() - Method in class smile.data.type.DecimalType
 
id() - Method in class smile.data.type.ObjectType
 
id() - Method in class smile.data.type.PrimitiveType
 
id() - Method in class smile.data.type.StringType
 
id() - Method in record class smile.data.type.StructType
 
id() - Method in class smile.data.type.TimeType
 
ieeeck_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ieeeck_(__CLPK_integer *__ispec, __CLPK_real *__zero, __CLPK_real *__one)
ieeeck_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ieeeck_(__CLPK_integer *__ispec, __CLPK_real *__zero, __CLPK_real *__one)
ieeeck_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ieeeck_(__CLPK_integer *__ispec, __CLPK_real *__zero, __CLPK_real *__one)
ieeeck_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ieeeck_(__CLPK_integer *__ispec, __CLPK_real *__zero, __CLPK_real *__one)
iframe() - Method in class smile.plot.vega.VegaLite
Returns the HTML wrapped in an iframe to render in notebooks.
iframe(String) - Method in class smile.plot.vega.VegaLite
Returns the HTML wrapped in an iframe to render in notebooks.
ignorePeers(boolean) - Method in class smile.plot.vega.WindowTransform
Sets if the sliding window frame should ignore peer values (data that are considered identical by the sort criteria).
ilaclc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaclc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaclc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaclc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaclc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaclr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaclr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaclr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
ilaclr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaclr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_complex *__a, __CLPK_integer *__lda)
iladiag_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer iladiag_(char *__diag)
iladiag_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer iladiag_(char *__diag)
iladiag_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer iladiag_(char *__diag)
iladiag_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer iladiag_(char *__diag)
iladlc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer iladlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer iladlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer iladlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer iladlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer iladlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer iladlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer iladlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
iladlr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer iladlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda)
ilaenv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaenv_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_integer *__n3, __CLPK_integer *__n4)
ilaenv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaenv_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_integer *__n3, __CLPK_integer *__n4)
ilaenv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaenv_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_integer *__n3, __CLPK_integer *__n4)
ilaenv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaenv_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_integer *__n3, __CLPK_integer *__n4)
ilaprec_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaprec_(char *__prec)
ilaprec_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaprec_(char *__prec)
ilaprec_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaprec_(char *__prec)
ilaprec_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaprec_(char *__prec)
ilaslc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaslc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaslc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaslc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaslc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilaslr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilaslr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilaslr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilaslr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilaslr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda)
ilatrans_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilatrans_(char *__trans)
ilatrans_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilatrans_(char *__trans)
ilatrans_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilatrans_(char *__trans)
ilatrans_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilatrans_(char *__trans)
ilauplo_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilauplo_(char *__uplo)
ilauplo_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilauplo_(char *__uplo)
ilauplo_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilauplo_(char *__uplo)
ilauplo_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilauplo_(char *__uplo)
ilaver_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int ilaver_(__CLPK_integer *__vers_major__, __CLPK_integer *__vers_minor__, __CLPK_integer *__vers_patch__)
ilaver_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int ilaver_(__CLPK_integer *__vers_major__, __CLPK_integer *__vers_minor__, __CLPK_integer *__vers_patch__)
ilaver_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int ilaver_(__CLPK_integer *__vers_major__, __CLPK_integer *__vers_minor__, __CLPK_integer *__vers_patch__)
ilaver_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int ilaver_(__CLPK_integer *__vers_major__, __CLPK_integer *__vers_minor__, __CLPK_integer *__vers_patch__)
ilazlc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilazlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilazlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilazlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilazlc_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer ilazlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer ilazlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer ilazlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
ilazlr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer ilazlr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
im() - Method in record class smile.math.Complex
Returns the value of the im record component.
ImageDataset - Class in smile.vision
Each of these directories should contain one subdirectory for each class in the dataset.
ImageDataset(int, String, Transform, ToIntFunction) - Constructor for class smile.vision.ImageDataset
Constructor.
ImageNet - Interface in smile.vision
ImageNet class labels.
ImageSegmentation - Record Class in smile.datasets
Image segmentation dataset.
ImageSegmentation() - Constructor for record class smile.datasets.ImageSegmentation
Constructor.
ImageSegmentation(Path, Path) - Constructor for record class smile.datasets.ImageSegmentation
Constructor.
ImageSegmentation(DataFrame, DataFrame, Formula) - Constructor for record class smile.datasets.ImageSegmentation
Creates an instance of a ImageSegmentation record class.
importance - Variable in class smile.base.cart.CART
Variable importance.
importance() - Method in class smile.base.cart.CART
Returns the variable importance.
importance() - Method in class smile.classification.AdaBoost
Returns the variable importance.
importance() - Method in class smile.classification.GradientTreeBoost
Returns the variable importance.
importance() - Method in class smile.classification.RandomForest
Returns the variable importance.
importance() - Method in class smile.regression.GradientTreeBoost
Returns the variable importance.
importance() - Method in class smile.regression.RandomForest
Returns the variable importance.
impurity() - Method in class smile.base.cart.RegressionNode
Returns the residual sum of squares.
impurity(LeafNode) - Method in class smile.base.cart.CART
Returns the impurity of node.
impurity(LeafNode) - Method in class smile.classification.DecisionTree
 
impurity(LeafNode) - Method in class smile.regression.RegressionTree
 
impurity(SplitRule) - Method in class smile.base.cart.DecisionNode
Returns the impurity of node.
impurity(SplitRule, int, int[]) - Static method in class smile.base.cart.DecisionNode
Returns the impurity of samples.
impute(double[][]) - Static method in class smile.feature.imputation.SimpleImputer
Impute the missing values with column averages.
impute(double[][], int, int) - Static method in interface smile.feature.imputation.SVDImputer
Impute missing values in the dataset.
impute(String, String) - Method in class smile.plot.vega.Transform
Adds an impute transform.
ImputeTransform - Class in smile.plot.vega
The impute transform groups data and determines missing values of the key field within each group.
in() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the in record component.
IN - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Preposition or subordinating conjunction.
increment() - Method in class smile.util.MutableInt
Increment by one.
increment(int) - Method in class smile.util.MutableInt
Increment.
index - Variable in class smile.base.cart.CART
An index of samples to their original locations in training dataset.
index - Variable in class smile.tensor.SparseMatrix.Entry
The index to the matrix storage.
index - Variable in class smile.util.IntSet
Map of values to index.
index() - Method in record class smile.data.DataFrame
Returns the value of the index record component.
index() - Method in record class smile.data.Row
Returns the value of the index record component.
index() - Method in record class smile.data.type.StructType
Returns the value of the index record component.
index() - Method in class smile.deep.tensor.Device
Returns the device index or ordinal, which identifies the specific compute device when there is more than one of a certain type.
index() - Method in record class smile.graph.NearestNeighborGraph
Returns the value of the index record component.
index() - Method in record class smile.neighbor.Neighbor
Returns the value of the index record component.
index() - Method in record class smile.util.SparseArray.Entry
Returns the value of the index record component.
index() - Method in record class smile.util.SparseIntArray.Entry
Returns the value of the index record component.
Index - Class in smile.deep.tensor
Indexing a tensor.
Index - Interface in smile.util
Immutable sequence used for indexing.
INDEX - Enum constant in enum class smile.linalg.EigenRange
The IL-th through IU-th eigenvalues will be found.
indexOf(int) - Method in class smile.util.IntSet
Maps the value to index.
indexOf(int[]) - Method in class smile.classification.ClassLabels
Maps the class labels to index.
indexOf(String) - Method in interface smile.data.Tuple
Returns the index of a given field name.
indexOf(String) - Method in record class smile.data.type.StructType
Returns the ordinal index of a field.
indexStream() - Method in class smile.util.SparseArray
Returns the stream of the indices of nonzero entries.
indexStream() - Method in class smile.util.SparseIntArray
Returns the stream of the indices of nonzero entries.
INDIAN_RED - Static variable in class smile.plot.swing.Palette
The color indian red with an RGB value of #CD5C5C
INDIGO - Static variable in class smile.plot.swing.Palette
The color indigo with an RGB value of #4B0082
infer(String) - Static method in interface smile.data.type.DataType
Infers the type of string.
inferSchema(BufferedReader, int) - Method in class smile.io.JSON
Infer the schema from the top n rows.
inferSchema(Reader, int) - Method in class smile.io.CSV
Infer the schema from the top n rows.
info() - Method in record class smile.tensor.LU
Returns the value of the info record component.
InformationValue - Record Class in smile.feature.selection
Information Value (IV) measures the predictive strength of a feature for a binary dependent variable.
InformationValue(String, double, double[], double[]) - Constructor for record class smile.feature.selection.InformationValue
Creates an instance of a InformationValue record class.
init(String, T[], int, ToDoubleBiFunction) - Static method in record class smile.clustering.CentroidClustering
Returns a random clustering based on K-Means++ algorithm.
initHashTable(int, int, int, double, int) - Method in class smile.neighbor.LSH
Initialize the hash tables.
initHashTable(int, int, int, double, int) - Method in class smile.neighbor.MPLSH
 
innerRadius(double) - Method in class smile.plot.vega.Mark
Sets the secondary (inner) radius in pixels for arc mark.
input(int) - Static method in class smile.base.mlp.Layer
Returns an input layer.
input(int, double) - Static method in class smile.base.mlp.Layer
Returns an input layer.
Input - Interface in smile.io
Static methods that return the InputStream/Reader of a file or URL.
inputChannels() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the inputChannels record component.
InputLayer - Class in smile.base.mlp
An input layer in the neural network.
InputLayer(int) - Constructor for class smile.base.mlp.InputLayer
Constructor.
InputLayer(int, double) - Constructor for class smile.base.mlp.InputLayer
Constructor.
insert(int) - Method in class smile.util.PriorityQueue
Insert a new item into queue.
instance - Static variable in class smile.validation.metric.Accuracy
Default instance.
instance - Static variable in class smile.validation.metric.AdjustedRandIndex
Default instance.
instance - Static variable in class smile.validation.metric.AUC
Default instance.
instance - Static variable in class smile.validation.metric.Error
Default instance.
instance - Static variable in class smile.validation.metric.Fallout
Default instance.
instance - Static variable in class smile.validation.metric.FDR
Default instance.
instance - Static variable in class smile.validation.metric.LogLoss
Default instance.
instance - Static variable in class smile.validation.metric.MAD
Default instance.
instance - Static variable in class smile.validation.metric.MatthewsCorrelation
Default instance.
instance - Static variable in class smile.validation.metric.MSE
Default instance.
instance - Static variable in class smile.validation.metric.MutualInformation
Default instance.
instance - Static variable in class smile.validation.metric.Precision
Default instance.
instance - Static variable in class smile.validation.metric.R2
Default instance.
instance - Static variable in class smile.validation.metric.RandIndex
Default instance.
instance - Static variable in class smile.validation.metric.Recall
Default instance.
instance - Static variable in class smile.validation.metric.RMSE
Default instance.
instance - Static variable in class smile.validation.metric.RSS
Default instance.
instance - Static variable in class smile.validation.metric.Sensitivity
Default instance.
instance - Static variable in class smile.validation.metric.Specificity
Default instance.
Int - Enum constant in enum class smile.data.type.DataType.ID
Integer type ID.
INT_FAST16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST16_MAX 9223372036854775807
INT_FAST16_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST16_MIN -9223372036854775808
int_fast16_t - Static variable in class smile.linalg.blas.cblas_h
typedef long int_fast16_t
INT_FAST32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST32_MAX 9223372036854775807
INT_FAST32_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST32_MIN -9223372036854775808
int_fast32_t - Static variable in class smile.linalg.blas.cblas_h
typedef long int_fast32_t
INT_FAST64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST64_MAX 9223372036854775807
INT_FAST64_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST64_MIN -9223372036854775808
int_fast64_t - Static variable in class smile.linalg.blas.cblas_h
typedef long int_fast64_t
INT_FAST8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST8_MAX 127
INT_FAST8_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_FAST8_MIN -128
int_fast8_t - Static variable in class smile.linalg.blas.cblas_h
typedef signed char int_fast8_t
INT_LEAST16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST16_MAX 32767
INT_LEAST16_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST16_MIN -32768
int_least16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int_least16_t int_least16_t
INT_LEAST32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST32_MAX 2147483647
INT_LEAST32_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST32_MIN -2147483648
int_least32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int_least32_t int_least32_t
INT_LEAST64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST64_MAX 9223372036854775807
INT_LEAST64_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST64_MIN -9223372036854775808
int_least64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int_least64_t int_least64_t
INT_LEAST8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST8_MAX 127
INT_LEAST8_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT_LEAST8_MIN -128
int_least8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int_least8_t int_least8_t
Int16 - Enum constant in enum class smile.deep.tensor.ScalarType
16-bit integer.
Int16 - Enum constant in enum class smile.tensor.ScalarType
16-bit integer.
INT16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT16_MAX 32767
INT16_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT16_MIN -32768
int16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int16_t int16_t
Int32 - Enum constant in enum class smile.deep.tensor.ScalarType
32-bit integer.
Int32 - Enum constant in enum class smile.tensor.ScalarType
32-bit integer.
INT32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT32_MAX 2147483647
INT32_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT32_MIN -2147483648
int32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int32_t int32_t
Int64 - Enum constant in enum class smile.deep.tensor.ScalarType
64-bit integer.
Int64 - Enum constant in enum class smile.tensor.ScalarType
64-bit integer.
INT64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT64_MAX 9223372036854775807
INT64_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT64_MIN -9223372036854775808
int64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int64_t int64_t
Int8 - Enum constant in enum class smile.deep.tensor.ScalarType
8-bit integer.
Int8 - Enum constant in enum class smile.tensor.ScalarType
8-bit integer.
INT8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INT8_MAX 127
INT8_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INT8_MIN -128
int8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int8_t int8_t
intArray() - Method in class smile.deep.tensor.Tensor
Returns the integer array of tensor elements
IntArray2D - Class in smile.util
2-dimensional array of integers.
IntArray2D(int[][]) - Constructor for class smile.util.IntArray2D
Constructor.
IntArray2D(int, int) - Constructor for class smile.util.IntArray2D
Constructor of all-zero matrix.
IntArray2D(int, int, int) - Constructor for class smile.util.IntArray2D
Constructor.
IntArray2D(int, int, int[]) - Constructor for class smile.util.IntArray2D
Constructor.
IntArrayElementConsumer - Interface in smile.util.function
Represents an operation that accepts an array element of integer value and returns no result.
IntArrayElementFunction - Interface in smile.util.function
Represents a function that accepts an array element of integer value and produces a result.
IntArrayList - Class in smile.util
A resizeable, array-backed list of integer primitives.
IntArrayList() - Constructor for class smile.util.IntArrayList
Constructs an empty list.
IntArrayList(int) - Constructor for class smile.util.IntArrayList
Constructs an empty list with the specified initial capacity.
IntArrayList(int[]) - Constructor for class smile.util.IntArrayList
Constructs a list containing the values of the specified array.
IntArrayType - Static variable in interface smile.data.type.DataTypes
Integer Array data type.
IntDoubleHashMap - Class in smile.util
HashMap<int, double> for primitive types.
IntDoubleHashMap() - Constructor for class smile.util.IntDoubleHashMap
Constructs an empty HashMap with the default initial capacity (16) and the default load factor (0.75).
IntDoubleHashMap(int, float) - Constructor for class smile.util.IntDoubleHashMap
Constructor.
INTEGER - Static variable in class smile.swing.table.NumberCellRenderer
Integer cell renderer.
INTEGER - Static variable in interface smile.util.Regex
Integer regular expression pattern.
INTEGER_REGEX - Static variable in interface smile.util.Regex
Integer regular expression.
IntegerArrayCellEditor - Class in smile.swing.table
Implements a cell editor that uses a formatted text field to edit int[] values.
IntegerArrayCellEditor() - Constructor for class smile.swing.table.IntegerArrayCellEditor
Constructor.
IntegerArrayCellRenderer - Class in smile.swing.table
Integer array renderer in JTable.
IntegerArrayCellRenderer() - Constructor for class smile.swing.table.IntegerArrayCellRenderer
Constructor.
IntegerArrayFormatter - Class in smile.swing.text
Text formatter for integer array values.
IntegerArrayFormatter() - Constructor for class smile.swing.text.IntegerArrayFormatter
Constructor.
IntegerCellEditor - Class in smile.swing.table
Implements a cell editor that uses a formatted text field to edit Integer values.
IntegerCellEditor() - Constructor for class smile.swing.table.IntegerCellEditor
Constructor.
IntegerCellEditor(int, int) - Constructor for class smile.swing.table.IntegerCellEditor
Constructor.
interact(String...) - Static method in interface smile.data.formula.Terms
Factor interaction of two or more factors.
intercept() - Method in class smile.base.svm.KernelMachine
Returns the intercept.
intercept() - Method in class smile.base.svm.LinearKernelMachine
Returns the intercept.
intercept() - Method in class smile.classification.BinarySparseLinearSVM
Returns the intercept.
intercept() - Method in class smile.classification.LinearSVM
Returns the intercept.
intercept() - Method in class smile.classification.SparseLinearSVM
Returns the intercept.
intercept() - Method in class smile.regression.BinarySparseLinearSVM
Returns the intercept.
intercept() - Method in class smile.regression.LinearModel
Returns the intercept.
intercept() - Method in class smile.regression.LinearSVM
Returns the intercept.
intercept() - Method in class smile.regression.SparseLinearSVM
Returns the intercept.
intercept() - Method in class smile.timeseries.AR
Returns the intercept.
intercept() - Method in class smile.timeseries.ARMA
Returns the intercept.
intercept(double[]) - Method in interface smile.base.cart.Loss
Returns the intercept of model.
Intercept - Record Class in smile.data.formula
The flag if intercept should be included in the model.
Intercept(boolean) - Constructor for record class smile.data.formula.Intercept
Creates an instance of a Intercept record class.
INTERFACE64() - Static method in class smile.linalg.arpack.arpack_h
#define INTERFACE64 0
InternalNode - Class in smile.base.cart
An internal node in CART.
InternalNode(int, double, double, Node, Node) - Constructor for class smile.base.cart.InternalNode
Constructor.
interpolate(double) - Method in class smile.interpolation.AbstractInterpolation
 
interpolate(double) - Method in interface smile.interpolation.Interpolation
Given a value x, return an interpolated value.
interpolate(double) - Method in class smile.interpolation.KrigingInterpolation1D
 
interpolate(double) - Method in class smile.interpolation.RBFInterpolation1D
 
interpolate(double) - Method in class smile.interpolation.ShepardInterpolation1D
 
interpolate(double...) - Method in class smile.interpolation.KrigingInterpolation
Interpolate the function at given point.
interpolate(double...) - Method in class smile.interpolation.RBFInterpolation
Interpolate the function at given point.
interpolate(double...) - Method in class smile.interpolation.ShepardInterpolation
Interpolate the function at given point.
interpolate(double[][]) - Static method in interface smile.interpolation.LaplaceInterpolation
Laplace interpolation.
interpolate(double[][], double) - Static method in interface smile.interpolation.LaplaceInterpolation
Laplace interpolation.
interpolate(double[][], double, int) - Static method in interface smile.interpolation.LaplaceInterpolation
Laplace interpolation.
interpolate(double, double) - Method in class smile.interpolation.BicubicInterpolation
 
interpolate(double, double) - Method in class smile.interpolation.BilinearInterpolation
 
interpolate(double, double) - Method in class smile.interpolation.CubicSplineInterpolation2D
 
interpolate(double, double) - Method in interface smile.interpolation.Interpolation2D
Interpolate the data at a given 2-dimensional point.
interpolate(double, double) - Method in class smile.interpolation.KrigingInterpolation2D
 
interpolate(double, double) - Method in class smile.interpolation.RBFInterpolation2D
 
interpolate(double, double) - Method in class smile.interpolation.ShepardInterpolation2D
 
interpolate(String) - Method in class smile.plot.vega.Mark
Sets the line interpolation method to use for line and area marks.
Interpolation - Interface in smile.interpolation
In numerical analysis, interpolation is a method of constructing new data points within the range of a discrete set of known data points.
Interpolation2D - Interface in smile.interpolation
Interpolation of 2-dimensional data.
IntervalScale - Class in smile.data.measure
The interval scale allows for the degree of difference between items, but not the ratio between them.
IntervalScale(NumberFormat) - Constructor for class smile.data.measure.IntervalScale
Constructor.
IntFunction - Class in smile.data.formula
The generic term of applying an integer function.
IntFunction - Interface in smile.util.function
An interface representing a univariate int function.
IntFunction(String, Term, IntFunction) - Constructor for class smile.data.formula.IntFunction
Constructor.
IntHashSet - Class in smile.util
HashSet<int> for primitive types.
IntHashSet() - Constructor for class smile.util.IntHashSet
Constructs an empty HashSet with the default initial capacity (16) and the default load factor (0.75).
IntHashSet(int, float) - Constructor for class smile.util.IntHashSet
Constructor.
IntHeapSelect - Class in smile.sort
This class tracks the smallest values seen thus far in a stream of values.
IntHeapSelect(int) - Constructor for class smile.sort.IntHeapSelect
Constructor.
INTMAX_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INTMAX_MAX 9223372036854775807
INTMAX_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INTMAX_MIN -9223372036854775808
intmax_t - Static variable in class smile.linalg.blas.cblas_h
typedef __intmax_t intmax_t
IntPair - Record Class in smile.util
A tuple of 2 integer elements.
IntPair(int, int) - Constructor for record class smile.util.IntPair
Creates an instance of a IntPair record class.
INTPTR_MAX() - Static method in class smile.linalg.blas.cblas_h
#define INTPTR_MAX 9223372036854775807
INTPTR_MIN() - Static method in class smile.linalg.blas.cblas_h
#define INTPTR_MIN -9223372036854775808
intptr_t - Static variable in class smile.linalg.blas.cblas_h
typedef long intptr_t
IntSet - Class in smile.util
A set of integers.
IntSet(int[]) - Constructor for class smile.util.IntSet
Constructor.
intStream() - Method in class smile.data.vector.BooleanVector
 
intStream() - Method in class smile.data.vector.ByteVector
 
intStream() - Method in class smile.data.vector.CharVector
 
intStream() - Method in class smile.data.vector.IntVector
 
intStream() - Method in class smile.data.vector.NullableBooleanVector
 
intStream() - Method in class smile.data.vector.NullableByteVector
 
intStream() - Method in class smile.data.vector.NullableCharVector
 
intStream() - Method in class smile.data.vector.NullableIntVector
 
intStream() - Method in class smile.data.vector.NullableShortVector
 
intStream() - Method in class smile.data.vector.NumberVector
 
intStream() - Method in class smile.data.vector.ShortVector
 
intStream() - Method in class smile.data.vector.StringVector
 
intStream() - Method in interface smile.data.vector.ValueVector
Returns an IntStream consisting of the elements of this vector, converted to integer.
IntType - Class in smile.data.type
Integer data type.
IntType - Static variable in interface smile.data.type.DataTypes
Integer data type.
intValue() - Method in class smile.deep.tensor.Tensor
Returns the int value when the tensor holds a single value.
IntVector - Class in smile.data.vector
An integer vector.
IntVector(String, int[]) - Constructor for class smile.data.vector.IntVector
Constructor.
IntVector(StructField, int[]) - Constructor for class smile.data.vector.IntVector
Constructor.
inv(double) - Method in class smile.math.Scaler
 
inv(double) - Method in interface smile.util.function.Function
Computes the value of the inverse function at x.
invalid(String) - Method in class smile.plot.vega.Mark
Sets how Vega-Lite should handle marks for invalid values (null and NaN).
inverf(double) - Static method in class smile.math.special.Erf
The inverse error function.
inverfc(double) - Static method in class smile.math.special.Erf
The inverse complementary error function.
inverse() - Method in record class smile.tensor.Cholesky
Returns the inverse of matrix.
inverse() - Method in class smile.tensor.DenseMatrix
Returns the inverse of matrix.
inverse() - Method in record class smile.tensor.LU
Returns the inverse of matrix.
inverse(double[]) - Method in class smile.wavelet.Wavelet
Inverse discrete wavelet transform.
inverse(double, double) - Static method in interface smile.util.function.TimeFunction
Returns the inverse decay function.
inverse(double, double, double) - Static method in interface smile.util.function.TimeFunction
Returns the inverse decay function.
inverse(double, double, double, boolean) - Static method in interface smile.util.function.TimeFunction
Returns the inverse decay function.
inverseCDF() - Method in class smile.stat.distribution.GaussianDistribution
Generates a Gaussian random number with the inverse CDF method.
InverseMultiquadricRadialBasis - Class in smile.math.rbf
Inverse multiquadric RBF.
InverseMultiquadricRadialBasis() - Constructor for class smile.math.rbf.InverseMultiquadricRadialBasis
Constructor.
InverseMultiquadricRadialBasis(double) - Constructor for class smile.math.rbf.InverseMultiquadricRadialBasis
Constructor.
inverseRegularizedIncompleteBetaFunction(double, double, double) - Static method in class smile.math.special.Beta
Inverse of regularized incomplete beta function.
inverseRegularizedIncompleteGamma(double, double) - Static method in class smile.math.special.Gamma
The inverse of regularized incomplete gamma function.
inverseTransformSampling() - Method in interface smile.stat.distribution.Distribution
Use inverse transform sampling (also known as the inverse probability integral transform or inverse transformation method or Smirnov transform) to draw a sample from the given distribution.
invert(DataFrame) - Method in class smile.data.transform.InvertibleColumnTransform
 
invert(DataFrame) - Method in interface smile.data.transform.InvertibleTransform
Inverse transform a data frame.
invert(Tuple) - Method in class smile.data.transform.InvertibleColumnTransform
 
invert(Tuple) - Method in interface smile.data.transform.InvertibleTransform
Inverse transform a tuple.
InvertibleColumnTransform - Class in smile.data.transform
Invertible column-wise transformation.
InvertibleColumnTransform(String, Map, Map) - Constructor for class smile.data.transform.InvertibleColumnTransform
Constructor.
InvertibleTransform - Interface in smile.data.transform
Invertible data transformation.
invlink(double) - Method in interface smile.glm.model.Model
The inverse of link function (aka the mean function).
iparmq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer iparmq_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_integer *__lwork)
iparmq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer iparmq_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_integer *__lwork)
iparmq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer iparmq_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_integer *__lwork)
iparmq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer iparmq_(__CLPK_integer *__ispec, char *__name__, char *__opts, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_integer *__lwork)
ipiv() - Method in record class smile.tensor.LU
Returns the value of the ipiv record component.
ipython - Enum constant in enum class smile.llm.Role
Python code.
IQAgent - Class in smile.sort
Incremental quantile estimation.
IQAgent() - Constructor for class smile.sort.IQAgent
Constructor.
IQAgent(int) - Constructor for class smile.sort.IQAgent
Constructor.
Iris - Record Class in smile.datasets
Iris flower dataset.
Iris() - Constructor for record class smile.datasets.Iris
Constructor.
Iris(Path) - Constructor for record class smile.datasets.Iris
Constructor.
Iris(DataFrame, Formula) - Constructor for record class smile.datasets.Iris
Creates an instance of a Iris record class.
isAncestorOf(Concept) - Method in class smile.taxonomy.Concept
Returns true if this concept is an ancestor of the given concept.
isAvailable() - Static method in interface smile.deep.CUDA
Returns true if CUDA is available.
isBF16Supported() - Static method in class smile.deep.tensor.Tensor
Checks if the CUDA device supports bf16.
isBoolean() - Method in class smile.data.type.BooleanType
 
isBoolean() - Method in interface smile.data.type.DataType
Returns true if the type is boolean or Boolean.
isBoolean() - Method in class smile.data.type.ObjectType
 
isByte() - Method in class smile.data.type.ByteType
 
isByte() - Method in interface smile.data.type.DataType
Returns true if the type is byte or Byte.
isByte() - Method in class smile.data.type.ObjectType
 
isCellEditable(int, int) - Method in class smile.swing.Table.RowHeader
Don't edit data in the main TableModel by mistake
isChar() - Method in class smile.data.type.CharType
 
isChar() - Method in interface smile.data.type.DataType
Returns true if the type is char or Char.
isChar() - Method in class smile.data.type.ObjectType
 
isCPU() - Method in class smile.deep.tensor.Device
Returns true if the device is CPU.
isCUDA() - Method in class smile.deep.tensor.Device
Returns true if the device is CUDA.
isDecimal() - Method in interface smile.data.type.DataType
Returns true if the type is decimal.
isDecimal() - Method in class smile.data.type.DecimalType
 
isDigraph() - Method in class smile.graph.Graph
Return true if the graph is directed.
isDouble() - Method in interface smile.data.type.DataType
Returns true if the type is double or Double.
isDouble() - Method in class smile.data.type.DoubleType
 
isDouble() - Method in class smile.data.type.ObjectType
 
isEmpty() - Method in record class smile.data.DataFrame
Returns true if the data frame is empty.
isEmpty() - Method in interface smile.data.Dataset
Returns true if the dataset is empty.
isEmpty() - Method in class smile.plot.swing.Isoline
Returns true if the isoline doesn't have any points.
isEmpty() - Method in class smile.util.DoubleArrayList
Returns true if this list contains no values.
isEmpty() - Method in class smile.util.FloatArrayList
Returns true if this list contains no values.
isEmpty() - Method in class smile.util.IntArrayList
Returns true if this list contains no values.
isEmpty() - Method in class smile.util.PairingHeap
 
isEmpty() - Method in class smile.util.PriorityQueue
Returns true if the queue is empty.
isEmpty() - Method in class smile.util.SparseArray
Returns true if the array is empty.
isEmpty() - Method in class smile.util.SparseIntArray
Returns true if the array is empty.
isExpandable() - Method in class smile.neighbor.lsh.Probe
Returns true if the probe is expandable.
isExtendable() - Method in class smile.neighbor.lsh.Probe
Returns true if the probe is extendable.
isFloat() - Method in interface smile.data.type.DataType
Returns true if the type is float or Float.
isFloat() - Method in class smile.data.type.FloatType
 
isFloat() - Method in class smile.data.type.ObjectType
 
isFloating() - Method in interface smile.data.type.DataType
Returns true if the type is float or double.
isFrameVisible() - Method in class smile.plot.swing.Axis
Returns the visibility of the frame grid lines and their labels.
isGridVisible() - Method in class smile.plot.swing.Axis
Returns the visibility of the grid lines and their labels.
isin(String...) - Method in interface smile.data.vector.ValueVector
Returns whether each element is contained in values.
isin(Tensor) - Method in class smile.deep.tensor.Tensor
Tests if each element of this tensor is in other tensor.
isInplace() - Method in class smile.deep.activation.ActivationFunction
Returns true if the operation executes in-place.
isInt() - Method in interface smile.data.type.DataType
Returns true if the type is int or Integer.
isInt() - Method in class smile.data.type.IntType
 
isInt() - Method in class smile.data.type.ObjectType
 
isInt(double) - Static method in class smile.math.MathEx
Returns true if x is an integer.
isInt(float) - Static method in class smile.math.MathEx
Returns true if x is an integer.
isIntegral() - Method in interface smile.data.type.DataType
Returns true if the type is int, long, short or byte.
isInterrupted() - Method in class smile.util.IterativeAlgorithmController
Checks if keep algorithm going.
isLeaf() - Method in class smile.taxonomy.Concept
Check if a node is a leaf in the taxonomy tree.
isLegendVisible() - Method in class smile.plot.swing.Figure
Returns true if legends are visible.
isLong() - Method in interface smile.data.type.DataType
Returns true if the type is long or Long.
isLong() - Method in class smile.data.type.LongType
 
isLong() - Method in class smile.data.type.ObjectType
 
isMPS() - Method in class smile.deep.tensor.Device
Returns true if the device is MPS.
isNormalized() - Method in class smile.classification.RBFNetwork
Returns true if the model is normalized.
isNormalized() - Method in class smile.regression.RBFNetwork
Returns true if the model is normalized.
isNull() - Method in interface smile.data.vector.ValueVector
Returns whether each element is null/missing.
isNullable() - Method in interface smile.data.type.DataType
Returns true if the data may be null.
isNullable() - Method in class smile.data.type.PrimitiveType
 
isNullable() - Method in class smile.data.vector.NullablePrimitiveVector
 
isNullable() - Method in class smile.data.vector.ObjectVector
 
isNullable() - Method in class smile.data.vector.PrimitiveVector
 
isNullable() - Method in interface smile.data.vector.ValueVector
Returns true if the values of vector may be null.
isNullAt(int) - Method in record class smile.data.Row
 
isNullAt(int) - Method in interface smile.data.Tuple
Checks whether the value at the given position is null.
isNullAt(int) - Method in class smile.data.vector.DoubleVector
 
isNullAt(int) - Method in class smile.data.vector.FloatVector
 
isNullAt(int) - Method in class smile.data.vector.NullablePrimitiveVector
 
isNullAt(int) - Method in class smile.data.vector.ObjectVector
 
isNullAt(int) - Method in class smile.data.vector.PrimitiveVector
 
isNullAt(int) - Method in interface smile.data.vector.ValueVector
Returns true if the value at the given index is null/missing.
isNullAt(int, int) - Method in record class smile.data.DataFrame
Checks whether the value at position (i, j) is null or missing value.
isNullAt(String) - Method in record class smile.data.Row
 
isNullAt(String) - Method in interface smile.data.Tuple
Checks whether the field value is null.
isNullOrEmpty(String) - Static method in interface smile.util.Strings
Returns true if the string is null or empty.
isNumeric() - Method in interface smile.data.type.DataType
Returns true if the type is numeric (integral or floating).
isNumeric() - Method in record class smile.data.type.StructField
Returns true if the field is of integer or floating but not nominal scale.
ISO8601 - Static variable in class smile.swing.table.DateCellEditor
Predefined date editor in ISO-8601 format yyyy-MM-dd'T'HH:mm:ss.SSSXXX.
ISO8601 - Static variable in class smile.swing.table.DateCellRenderer
Predefined date renderer in ISO-8601 format yyyy-MM-dd'T'HH:mm:ss.SSSXXX.
isObject() - Method in interface smile.data.type.DataType
Returns true if the type is ObjectType.
isObject() - Method in class smile.data.type.ObjectType
 
isObject() - Method in class smile.data.type.StringType
 
IsolationForest - Class in smile.anomaly
Isolation forest is an unsupervised learning algorithm for anomaly detection that works on the principle of isolating anomalies.
IsolationForest(int, int, IsolationTree...) - Constructor for class smile.anomaly.IsolationForest
Constructor.
IsolationForest.Options - Record Class in smile.anomaly
Isolation Forest hyperparameters.
IsolationTree - Class in smile.anomaly
Isolation tree.
IsolationTree(List, int, int) - Constructor for class smile.anomaly.IsolationTree
Constructor.
Isoline - Class in smile.plot.swing
Contour contains a list of segments.
Isoline(double, boolean) - Constructor for class smile.plot.swing.Isoline
Constructor.
IsoMap - Class in smile.manifold
Isometric feature mapping.
IsoMap.Options - Record Class in smile.manifold
IsoMap hyperparameters.
IsotonicMDS - Record Class in smile.manifold
Kruskal's non-metric MDS.
IsotonicMDS(double, double[][]) - Constructor for record class smile.manifold.IsotonicMDS
Creates an instance of a IsotonicMDS record class.
IsotonicMDS.Options - Record Class in smile.manifold
Kruskal's non-metric MDS hyperparameters.
IsotonicRegressionScaling - Class in smile.classification
A method to calibrate decision function value to probability.
IsotonicRegressionScaling(double[], double[]) - Constructor for class smile.classification.IsotonicRegressionScaling
Constructor.
IsotropicKernel - Interface in smile.math.kernel
Isotropic kernel.
isPower2(int) - Static method in class smile.math.MathEx
Returns true if x is a power of 2.
isPrimitive() - Method in interface smile.data.type.DataType
Returns true if this is a primitive data type.
isProbablePrime(long, int) - Static method in class smile.math.MathEx
Returns true if n is probably prime, false if it's definitely composite.
isShiftable() - Method in class smile.neighbor.lsh.Probe
Returns true if the probe is shiftable.
isShort() - Method in interface smile.data.type.DataType
Returns true if the type is short or Short.
isShort() - Method in class smile.data.type.ObjectType
 
isShort() - Method in class smile.data.type.ShortType
 
isSingular() - Method in record class smile.tensor.LU
Returns true if the matrix is singular.
isSpecialTokenAllowed() - Method in class smile.llm.tokenizer.Tiktoken
Returns how special tokens will be encoded.
isString() - Method in interface smile.data.type.DataType
Returns true if the type is String.
isString() - Method in class smile.data.type.StringType
 
isSymmetric() - Method in class smile.tensor.BandMatrix
Return true if the matrix is symmetric (uplo != null).
isSymmetric() - Method in class smile.tensor.DenseMatrix
Return true if the matrix is symmetric (uplo != null && diag == null).
isTickVisible() - Method in class smile.plot.swing.Axis
Returns the visibility of the tick labels.
isTraining() - Method in class smile.deep.layer.LayerBlock
Returns true if the layer block is in training mode.
isVariable() - Method in interface smile.data.formula.Feature
Returns true if the term represents a plain variable/column in the data frame.
isZero(double) - Static method in class smile.math.MathEx
Tests if a floating number is zero in machine precision.
isZero(double, double) - Static method in class smile.math.MathEx
Tests if a floating number is zero in given precision.
isZero(float) - Static method in class smile.math.MathEx
Tests if a floating number is zero in machine precision.
isZero(float, float) - Static method in class smile.math.MathEx
Tests if a floating number is zero in given precision.
items() - Method in record class smile.association.ItemSet
Returns the value of the items record component.
ItemSet - Record Class in smile.association
A set of items.
ItemSet(int[], int) - Constructor for record class smile.association.ItemSet
Creates an instance of a ItemSet record class.
iteration() - Method in record class smile.util.AlgoStatus
Returns the value of the iteration record component.
IterativeAlgorithmController<T> - Class in smile.util
A controller for iterative algorithms.
IterativeAlgorithmController() - Constructor for class smile.util.IterativeAlgorithmController
Constructor.
IterativeAlgorithmController(Executor, int) - Constructor for class smile.util.IterativeAlgorithmController
Constructor.
iterator() - Method in class smile.association.ARM
 
iterator() - Method in class smile.association.FPGrowth
 
iterator() - Method in record class smile.data.DataFrame
 
iterator() - Method in class smile.data.SimpleDataset
 
iterator() - Method in interface smile.nlp.dictionary.Dictionary
Returns an iterator over the words in this dictionary.
iterator() - Method in enum class smile.nlp.dictionary.EnglishDictionary
 
iterator() - Method in class smile.nlp.dictionary.EnglishPunctuations
 
iterator() - Method in enum class smile.nlp.dictionary.EnglishStopWords
 
iterator() - Method in class smile.nlp.dictionary.SimpleDictionary
 
iterator() - Method in class smile.tensor.SparseMatrix
Returns the iterator of nonzero entries.
iterator() - Method in class smile.util.PairingHeap
 
iterator() - Method in class smile.util.SparseArray
 
iterator() - Method in class smile.util.SparseIntArray
 
iterator() - Method in class smile.vision.ImageDataset
 
iterator(int, int) - Method in class smile.tensor.SparseMatrix
Returns the iterator of nonzero entries.
iv() - Method in record class smile.feature.selection.InformationValue
Returns the value of the iv record component.
IVORY - Static variable in class smile.plot.swing.Palette
The color ivory with an RGB value of #FFFFF0
izmax1_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer izmax1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
izmax1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer izmax1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
izmax1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer izmax1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)
izmax1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer izmax1_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx)

J

j - Variable in class smile.tensor.SparseMatrix.Entry
The column index.
JaccardDistance<T> - Class in smile.math.distance
The Jaccard index, also known as the Jaccard similarity coefficient is a statistic used for comparing the similarity and diversity of sample sets.
JaccardDistance() - Constructor for class smile.math.distance.JaccardDistance
Constructor.
Jacobi(Matrix) - Static method in interface smile.tensor.Preconditioner
Returns a simple Jacobi preconditioner matrix that is the trivial diagonal part of A in some cases.
JensenShannonDistance - Class in smile.math.distance
The Jensen-Shannon divergence is a popular method of measuring the similarity between two probability distributions.
JensenShannonDistance() - Constructor for class smile.math.distance.JensenShannonDistance
Constructor.
JensenShannonDivergence(double[], double[]) - Static method in class smile.math.MathEx
Jensen-Shannon divergence JS(P||Q) = (KL(P||M) + KL(Q||M)) / 2, where M = (P+Q)/2.
JensenShannonDivergence(double[], SparseArray) - Static method in class smile.math.MathEx
Jensen-Shannon divergence JS(P||Q) = (KL(P||M) + KL(Q||M)) / 2, where M = (P+Q)/2.
JensenShannonDivergence(SparseArray, double[]) - Static method in class smile.math.MathEx
Jensen-Shannon divergence JS(P||Q) = (KL(P||M) + KL(Q||M)) / 2, where M = (P+Q)/2.
JensenShannonDivergence(SparseArray, SparseArray) - Static method in class smile.math.MathEx
Jensen-Shannon divergence JS(P||Q) = (KL(P||M) + KL(Q||M)) / 2, where M = (P+Q)/2.
jet(int) - Static method in class smile.plot.swing.Palette
Generates jet color palette.
jet(int, float) - Static method in class smile.plot.swing.Palette
Generates jet color palette.
JJ - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adjective.
JJR - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adjective, comparative.
JJS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adjective, superlative.
join(DataFrame) - Method in record class smile.data.DataFrame
Joins two data frames on their index.
joinAggregate(String, String, String, String...) - Method in class smile.plot.vega.Transform
The join-aggregate transform extends the input data objects with aggregate values in a new field.
joint(int[], int[]) - Static method in class smile.validation.metric.NormalizedMutualInformation
Calculates the normalized mutual information of I(y1, y2) / H(y1, y2).
JOINT - Enum constant in enum class smile.validation.metric.NormalizedMutualInformation.Method
I(y1, y2) / H(y1, y2)
JOINT - Static variable in class smile.validation.metric.NormalizedMutualInformation
Default instance with max normalization.
JointPrediction(T[], double[], double[], DenseMatrix) - Constructor for class smile.regression.GaussianProcessRegression.JointPrediction
Constructor.
json(String) - Static method in interface smile.io.Read
Reads a JSON file.
json(String, String) - Method in class smile.plot.vega.Data
Loads a JSON file.
json(String, String...) - Method in class smile.data.SQL
Creates an in-memory table from json files.
json(String, String, Map, String...) - Method in class smile.data.SQL
Creates an in-memory table from json files.
json(String, JSON.Mode, StructType) - Static method in interface smile.io.Read
Reads a JSON file.
json(Path) - Static method in interface smile.io.Read
Reads a JSON file.
json(Path, JSON.Mode, StructType) - Static method in interface smile.io.Read
Reads a JSON file.
JSON - Class in smile.io
Reads JSON datasets.
JSON() - Constructor for class smile.io.JSON
Constructor.
JSON.Mode - Enum Class in smile.io
JSON files in single-line or multi-line mode.
JTensor - Class in smile.tensor
A simple on-heap Tensor implementation.

K

k - Variable in class smile.classification.ClassLabels
The number of classes.
k - Variable in class smile.neighbor.LSH
The number of random projections per hash value.
k - Variable in class smile.stat.distribution.GammaDistribution
The shape parameter.
k - Variable in class smile.stat.distribution.WeibullDistribution
The shape parameter.
k() - Method in record class smile.clustering.CentroidClustering
Returns the number of clusters.
k() - Method in record class smile.clustering.Clustering.Options
Returns the value of the k record component.
k() - Method in record class smile.clustering.MEC.Options
Returns the value of the k record component.
k() - Method in class smile.clustering.Partitioning
Returns the number of clusters.
k() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the k record component.
k() - Method in class smile.data.BinarySparseSequenceDataset
Returns the number of classes of sequence elements.
k() - Method in record class smile.graph.NearestNeighborGraph
Returns the value of the k record component.
k() - Method in record class smile.manifold.IsoMap.Options
Returns the value of the k record component.
k() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns the value of the k record component.
k() - Method in record class smile.manifold.LLE.Options
Returns the value of the k record component.
k() - Method in record class smile.manifold.UMAP.Options
Returns the value of the k record component.
k(double) - Method in class smile.math.kernel.BinarySparseLinearKernel
 
k(double) - Method in interface smile.math.kernel.DotProductKernel
Computes the dot product kernel function.
k(double) - Method in class smile.math.kernel.Gaussian
 
k(double) - Method in class smile.math.kernel.HyperbolicTangent
 
k(double) - Method in interface smile.math.kernel.IsotropicKernel
Computes the isotropic kernel function.
k(double) - Method in class smile.math.kernel.Laplacian
 
k(double) - Method in class smile.math.kernel.LinearKernel
 
k(double) - Method in class smile.math.kernel.Matern
 
k(double) - Method in class smile.math.kernel.Polynomial
 
k(double) - Method in class smile.math.kernel.SparseLinearKernel
 
k(double) - Method in class smile.math.kernel.ThinPlateSpline
 
k(double[], double[]) - Method in class smile.math.kernel.GaussianKernel
 
k(double[], double[]) - Method in class smile.math.kernel.HellingerKernel
 
k(double[], double[]) - Method in class smile.math.kernel.HyperbolicTangentKernel
 
k(double[], double[]) - Method in class smile.math.kernel.LaplacianKernel
 
k(double[], double[]) - Method in class smile.math.kernel.LinearKernel
 
k(double[], double[]) - Method in class smile.math.kernel.MaternKernel
 
k(double[], double[]) - Method in class smile.math.kernel.PearsonKernel
 
k(double[], double[]) - Method in class smile.math.kernel.PolynomialKernel
 
k(double[], double[]) - Method in class smile.math.kernel.ThinPlateSplineKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseLinearKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseMaternKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
k(int[], int[]) - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseGaussianKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseLaplacianKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseLinearKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseMaternKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparsePolynomialKernel
 
k(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
k(T, T) - Method in interface smile.math.kernel.MercerKernel
Kernel function.
k(T, T) - Method in class smile.math.kernel.ProductKernel
 
k(T, T) - Method in class smile.math.kernel.SumKernel
 
K(DenseMatrix) - Method in interface smile.math.kernel.IsotropicKernel
Computes the kernel matrix.
K(Matrix) - Method in interface smile.math.kernel.DotProductKernel
Computes the kernel matrix.
K(T[]) - Method in interface smile.math.kernel.MercerKernel
Computes the kernel matrix.
K(T[], T[]) - Method in interface smile.math.kernel.MercerKernel
Returns the kernel matrix.
KDTree<E> - Class in smile.neighbor
A KD-tree (short for k-dimensional tree) is a space-partitioning dataset structure for organizing points in a k-dimensional space.
KDTree(double[][], E[]) - Constructor for class smile.neighbor.KDTree
Constructor.
kendall(double[], double[]) - Static method in class smile.math.MathEx
The Kendall Tau Rank Correlation Coefficient is used to measure the degree of correspondence between sets of rankings where the measures are not equidistant.
kendall(double[], double[]) - Static method in record class smile.stat.hypothesis.CorTest
Kendall rank correlation test.
kendall(float[], float[]) - Static method in class smile.math.MathEx
The Kendall Tau Rank Correlation Coefficient is used to measure the degree of correspondence between sets of rankings where the measures are not equidistant.
kendall(int[], int[]) - Static method in class smile.math.MathEx
The Kendall Tau Rank Correlation Coefficient is used to measure the degree of correspondence between sets of rankings where the measures are not equidistant.
kernel - Variable in class smile.regression.GaussianProcessRegression
The covariance/kernel function.
kernel() - Method in class smile.base.svm.KernelMachine
Returns the kernel function.
kernel() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the kernel record component.
kernel() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the kernel record component.
KernelDensity - Class in smile.stat.distribution
Kernel density estimation is a non-parametric way of estimating the probability density function of a random variable.
KernelDensity(double[]) - Constructor for class smile.stat.distribution.KernelDensity
Constructor.
KernelDensity(double[], double) - Constructor for class smile.stat.distribution.KernelDensity
Constructor.
KernelMachine<T> - Class in smile.base.svm
Kernel machines.
KernelMachine<T> - Class in smile.regression
The learning methods building on kernels.
KernelMachine(MercerKernel, T[], double[]) - Constructor for class smile.base.svm.KernelMachine
Constructor.
KernelMachine(MercerKernel, T[], double[]) - Constructor for class smile.regression.KernelMachine
Constructor.
KernelMachine(MercerKernel, T[], double[], double) - Constructor for class smile.base.svm.KernelMachine
Constructor.
KernelMachine(MercerKernel, T[], double[], double) - Constructor for class smile.regression.KernelMachine
Constructor.
KernelPCA - Class in smile.feature.extraction
Kernel PCA transform.
KernelPCA(KPCA, String...) - Constructor for class smile.feature.extraction.KernelPCA
Constructor.
key() - Method in record class smile.neighbor.Neighbor
Returns the value of the key record component.
keys - Variable in class smile.neighbor.LSH
The object keys.
keys() - Method in class smile.neighbor.MutableLSH
Returns the keys.
keyvals(double[]) - Method in class smile.plot.vega.ImputeTransform
Sets the key values that should be considered for imputation.
keyvals(double, double, double) - Method in class smile.plot.vega.ImputeTransform
Sets the sequence of key values that should be considered for imputation.
keywords() - Method in class smile.taxonomy.Concept
Returns the concept synonym set.
kg(double) - Method in class smile.math.kernel.BinarySparseLinearKernel
 
kg(double) - Method in interface smile.math.kernel.DotProductKernel
Computes the dot product kernel function and its gradient over hyperparameters.
kg(double) - Method in class smile.math.kernel.Gaussian
 
kg(double) - Method in class smile.math.kernel.HyperbolicTangent
 
kg(double) - Method in interface smile.math.kernel.IsotropicKernel
Computes the isotropic kernel function and its gradient over hyperparameters.
kg(double) - Method in class smile.math.kernel.Laplacian
 
kg(double) - Method in class smile.math.kernel.LinearKernel
 
kg(double) - Method in class smile.math.kernel.Matern
 
kg(double) - Method in class smile.math.kernel.Polynomial
 
kg(double) - Method in class smile.math.kernel.SparseLinearKernel
 
kg(double) - Method in class smile.math.kernel.ThinPlateSpline
 
kg(double[], double[]) - Method in class smile.math.kernel.GaussianKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.HellingerKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.HyperbolicTangentKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.LaplacianKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.LinearKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.MaternKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.PearsonKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.PolynomialKernel
 
kg(double[], double[]) - Method in class smile.math.kernel.ThinPlateSplineKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseLinearKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseMaternKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
kg(int[], int[]) - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseGaussianKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseLaplacianKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseLinearKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseMaternKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparsePolynomialKernel
 
kg(SparseArray, SparseArray) - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
kg(T, T) - Method in interface smile.math.kernel.MercerKernel
Computes the kernel and its gradient over hyperparameters.
kg(T, T) - Method in class smile.math.kernel.ProductKernel
 
kg(T, T) - Method in class smile.math.kernel.SumKernel
 
KG(DenseMatrix) - Method in interface smile.math.kernel.IsotropicKernel
Computes the kernel and gradient matrices.
KG(T[]) - Method in interface smile.math.kernel.MercerKernel
Computes the kernel and gradient matrices.
KHAKI - Static variable in class smile.plot.swing.Palette
The color khaki with an RGB value of #F0E68C
Kin8nm - Record Class in smile.datasets
Robot arm simulation dataset.
Kin8nm() - Constructor for record class smile.datasets.Kin8nm
Constructor.
Kin8nm(Path) - Constructor for record class smile.datasets.Kin8nm
Constructor.
Kin8nm(DataFrame, Formula) - Constructor for record class smile.datasets.Kin8nm
Creates an instance of a Kin8nm record class.
kl() - Static method in interface smile.deep.Loss
Kullback-Leibler Divergence Loss Function.
kl() - Method in class smile.tensor.BandMatrix
Returns the number of subdiagonals.
kmax() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the kmax record component.
KMeans - Class in smile.clustering
K-Means clustering.
KMedoids<T> - Class in smile.clustering
K-Medoids clustering based on randomized search (CLARANS).
KMedoidsImputer - Class in smile.feature.imputation
Missing value imputation by K-Medoids clustering.
KMedoidsImputer(CentroidClustering) - Constructor for class smile.feature.imputation.KMedoidsImputer
Constructor.
KModes - Class in smile.clustering
K-Modes clustering.
KNN<T> - Class in smile.classification
K-nearest neighbor classifier.
KNN(KNNSearch, int[], int) - Constructor for class smile.classification.KNN
Constructor.
KNNImputer - Class in smile.feature.imputation
Missing value imputation with k-nearest neighbors.
KNNImputer(DataFrame, int, String...) - Constructor for class smile.feature.imputation.KNNImputer
Constructor with Euclidean distance on selected columns.
KNNImputer(DataFrame, int, Distance) - Constructor for class smile.feature.imputation.KNNImputer
Constructor.
KNNSearch<K,V> - Interface in smile.neighbor
Retrieves the top k nearest neighbors to the query.
kpca - Variable in class smile.feature.extraction.KernelPCA
Kernel PCA.
KPCA<T> - Class in smile.manifold
Kernel principal component analysis.
KPCA(T[], MercerKernel, double[], double, double[][], double[], DenseMatrix) - Constructor for class smile.manifold.KPCA
Constructor.
KPCA.Options - Record Class in smile.manifold
Kernel PCA hyperparameters.
KrigingInterpolation - Class in smile.interpolation
Kriging interpolation for the data points irregularly distributed in space.
KrigingInterpolation(double[][], double[]) - Constructor for class smile.interpolation.KrigingInterpolation
Constructor.
KrigingInterpolation(double[][], double[], Variogram, double[]) - Constructor for class smile.interpolation.KrigingInterpolation
Constructor.
KrigingInterpolation1D - Class in smile.interpolation
Kriging interpolation for the data points irregularly distributed in space.
KrigingInterpolation1D(double[], double[]) - Constructor for class smile.interpolation.KrigingInterpolation1D
Constructor.
KrigingInterpolation1D(double[], double[], double) - Constructor for class smile.interpolation.KrigingInterpolation1D
Constructor.
KrigingInterpolation2D - Class in smile.interpolation
Kriging interpolation for the data points irregularly distributed in space.
KrigingInterpolation2D(double[], double[], double[]) - Constructor for class smile.interpolation.KrigingInterpolation2D
Constructor.
KrigingInterpolation2D(double[], double[], double[], double) - Constructor for class smile.interpolation.KrigingInterpolation2D
Constructor.
KSTest - Record Class in smile.stat.hypothesis
The Kolmogorov-Smirnov test (K-S test) is a form of minimum distance estimation used as a non-parametric test of equality of one-dimensional probability distributions.
KSTest(String, double, double) - Constructor for record class smile.stat.hypothesis.KSTest
Creates an instance of a KSTest record class.
ku() - Method in class smile.tensor.BandMatrix
Returns the number of superdiagonals.
KullbackLeiblerDivergence(double[], double[]) - Static method in class smile.math.MathEx
Kullback-Leibler divergence.
KullbackLeiblerDivergence(double[], SparseArray) - Static method in class smile.math.MathEx
Kullback-Leibler divergence.
KullbackLeiblerDivergence(SparseArray, double[]) - Static method in class smile.math.MathEx
Kullback-Leibler divergence.
KullbackLeiblerDivergence(SparseArray, SparseArray) - Static method in class smile.math.MathEx
Kullback-Leibler divergence.
Kurtosis - Class in smile.ica
The kurtosis of the probability density function of a signal.
Kurtosis() - Constructor for class smile.ica.Kurtosis
Constructor.

L

l() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the l record component.
L - Variable in class smile.regression.GaussianProcessRegression
The log marginal likelihood, which may be not available (NaN) when the model is fit with approximate methods.
L - Variable in class smile.stat.distribution.DiscreteExponentialFamilyMixture
The log-likelihood when the distribution is fit on a sample data.
L - Variable in class smile.stat.distribution.ExponentialFamilyMixture
The log-likelihood when the distribution is fit on a sample data.
L - Variable in class smile.stat.distribution.MultivariateExponentialFamilyMixture
The log-likelihood when the distribution is fit on a sample data.
L - Variable in class smile.vq.BIRCH
The number of CF entries in the leaf nodes.
L_ctermid() - Static method in class smile.linalg.blas.cblas_h
#define L_ctermid 9
L_INF - Enum constant in enum class smile.feature.transform.Normalizer.Norm
Normalize L-infinity vector norm.
L_tmpnam() - Static method in class smile.linalg.blas.cblas_h
#define L_tmpnam 20
l1() - Static method in interface smile.deep.Loss
Mean Absolute Error (L1) Loss Function.
L1 - Enum constant in enum class smile.feature.transform.Normalizer.Norm
Normalize L1 vector norm.
L2 - Enum constant in enum class smile.feature.transform.Normalizer.Norm
Normalize L2 vector norm.
LA - Enum constant in enum class smile.tensor.ARPACK.SymmOption
The largest algebraic eigenvalues.
Label - Class in smile.plot.swing
Label is a single line text.
Label(String, double[], double, double, double, Font, Color) - Constructor for class smile.plot.swing.Label
Constructor.
label2Id - Static variable in interface smile.vision.ImageNet
The map from label to class id.
label2Target - Static variable in interface smile.vision.ImageNet
The functor mapping label to class id.
labelAlign(String) - Method in class smile.plot.vega.Axis
Sets the horizontal text alignment of axis tick labels.
labelAlign(String) - Method in class smile.plot.vega.Legend
Sets the alignment of the legend label.
labelAngle(double) - Method in class smile.plot.vega.Axis
Sets the rotation angle of the axis labels.
labelBaseline(String) - Method in class smile.plot.vega.Axis
Sets the vertical text baseline of axis tick labels.
labelBaseline(String) - Method in class smile.plot.vega.Legend
Sets the position of the baseline of legend label.
labelBound(boolean) - Method in class smile.plot.vega.Axis
Sets if labels should be hidden if they exceed the axis range.
labelBound(double) - Method in class smile.plot.vega.Axis
Sets the pixel tolerance of label bounding box.
labelColor(String) - Method in class smile.plot.vega.Axis
Sets the color of the tick label.
labelColor(String) - Method in class smile.plot.vega.Legend
Sets the color of the legend label.
labelExpr(String) - Method in class smile.plot.vega.Axis
Sets the Vega expression for customizing labels.
labelExpr(String) - Method in class smile.plot.vega.Legend
Sets the Vega expression for customizing labels.
labelFlush(boolean) - Method in class smile.plot.vega.Axis
Sets if the first and last axis labels should be aligned flush with the scale range.
labelFlush(double) - Method in class smile.plot.vega.Axis
Sets the number of pixels by which to offset the first and last labels.
labelFlushOffset(double) - Method in class smile.plot.vega.Axis
Sets the number of pixels by which to offset flush-adjusted labels.
labelFont(String) - Method in class smile.plot.vega.Axis
Sets the font of the tick label.
labelFont(String) - Method in class smile.plot.vega.Legend
Sets the font of the legend label.
labelFontSize(double) - Method in class smile.plot.vega.Axis
Sets the font size of the label in pixels.
labelFontSize(double) - Method in class smile.plot.vega.Legend
Sets the font size of the label in pixels.
labelFontStyle(String) - Method in class smile.plot.vega.Axis
Sets the font style of the title.
labelFontStyle(String) - Method in class smile.plot.vega.Legend
Sets the font style of the title.
labelFontWeight(int) - Method in class smile.plot.vega.Axis
Sets the font weight of axis tick labels.
labelFontWeight(int) - Method in class smile.plot.vega.Legend
Sets the font weight of legend labels.
labelFontWeight(String) - Method in class smile.plot.vega.Axis
Sets the font weight of axis tick labels.
labelFontWeight(String) - Method in class smile.plot.vega.Legend
Sets the font weight of legend labels.
labelLimit(int) - Method in class smile.plot.vega.Axis
Sets the maximum allowed pixel width of axis tick labels.
labelLimit(int) - Method in class smile.plot.vega.Legend
Sets the maximum allowed pixel width of legend labels.
labelLineHeight(int) - Method in class smile.plot.vega.Axis
Sets the line height in pixels for multi-line label text.
labelLineHeight(String) - Method in class smile.plot.vega.Axis
Sets the line height for multi-line label text.
labelOffset(int) - Method in class smile.plot.vega.Axis
Sets the position offset in pixels to apply to labels, in addition to tickOffset.
labelOffset(int) - Method in class smile.plot.vega.Legend
Sets the position offset in pixels to apply to labels.
labelOpacity(double) - Method in class smile.plot.vega.Axis
Sets the opacity of the labels.
labelOverlap(boolean) - Method in class smile.plot.vega.Axis
Sets the strategy to use for resolving overlap of axis labels.
labelOverlap(boolean) - Method in class smile.plot.vega.Legend
Sets the strategy to use for resolving overlap of legend labels.
labelOverlap(String) - Method in class smile.plot.vega.Axis
Sets the strategy to use for resolving overlap of axis labels.
labelOverlap(String) - Method in class smile.plot.vega.Legend
Sets the strategy to use for resolving overlap of legend labels.
labelPadding(double) - Method in class smile.plot.vega.Axis
Sets the padding in pixels between labels and ticks.
labels - Static variable in interface smile.vision.ImageNet
Class labels.
labels(boolean) - Method in class smile.plot.vega.Axis
Sets if labels should be included as part of the axis.
labelSeparation(double) - Method in class smile.plot.vega.Axis
Sets the minimum separation that must be between label bounding boxes for them to be considered non-overlapping (default 0).
lad() - Static method in interface smile.base.cart.Loss
Least absolute deviation regression loss.
LamarckianChromosome<T> - Interface in smile.gap
Artificial chromosomes used in Lamarckian algorithm that is a hybrid of evolutionary computation and a local improver such as hill-climbing.
lambda - Variable in class smile.base.mlp.MultilayerPerceptron
The L2 regularization factor, which is also the weight decay factor.
lambda - Variable in class smile.stat.distribution.ExponentialDistribution
The rate parameter.
lambda - Variable in class smile.stat.distribution.PoissonDistribution
The average number of events per interval.
lambda - Variable in class smile.stat.distribution.WeibullDistribution
The scale parameter.
lambda() - Method in record class smile.classification.LogisticRegression.Options
Returns the value of the lambda record component.
lambda() - Method in record class smile.classification.Maxent.Options
Returns the value of the lambda record component.
lambda() - Method in record class smile.regression.LASSO.Options
Returns the value of the lambda record component.
lambda() - Method in record class smile.regression.RidgeRegression.Options
Returns the value of the lambda record component.
lambda1() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the lambda1 record component.
lambda2() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the lambda2 record component.
LancasterStemmer - Class in smile.nlp.stemmer
The Paice/Husk Lancaster stemming algorithm.
LancasterStemmer() - Constructor for class smile.nlp.stemmer.LancasterStemmer
Constructor with default rules.
LancasterStemmer(boolean) - Constructor for class smile.nlp.stemmer.LancasterStemmer
Constructor with default rules.
LancasterStemmer(InputStream) - Constructor for class smile.nlp.stemmer.LancasterStemmer
Constructor with customized rules.
LancasterStemmer(InputStream, boolean) - Constructor for class smile.nlp.stemmer.LancasterStemmer
Constructor with customized rules.
lapack() - Method in enum class smile.linalg.Diag
Returns the value for LAPACK.
lapack() - Method in enum class smile.linalg.EigenRange
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.EVDJob
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.Order
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.Side
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.SVDJob
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.Transpose
Returns the byte value for LAPACK.
lapack() - Method in enum class smile.linalg.UPLO
Returns the byte value for LAPACK.
LaplaceInterpolation - Interface in smile.interpolation
Laplace's interpolation to restore missing or unmeasured values on a 2-dimensional evenly spaced regular grid.
Laplacian - Class in smile.math.kernel
Laplacian kernel, also referred as exponential kernel.
Laplacian(double, double, double) - Constructor for class smile.math.kernel.Laplacian
Constructor.
LaplacianEigenmap - Class in smile.manifold
Laplacian Eigenmaps.
LaplacianEigenmap.Options - Record Class in smile.manifold
Laplacian Eigenmaps hyperparameters.
LaplacianKernel - Class in smile.math.kernel
Laplacian kernel, also referred as exponential kernel.
LaplacianKernel(double) - Constructor for class smile.math.kernel.LaplacianKernel
Constructor.
LaplacianKernel(double, double, double) - Constructor for class smile.math.kernel.LaplacianKernel
Constructor.
largest(boolean) - Method in record class smile.graph.NearestNeighborGraph
Returns the largest connected component of a nearest neighbor graph.
LASSO - Class in smile.regression
Lasso (least absolute shrinkage and selection operator) regression.
LASSO.Options - Record Class in smile.regression
Lasso regression hyperparameters.
LASVM<T> - Class in smile.base.svm
LASVM is an approximate SVM solver that uses online approximation.
LASVM(MercerKernel, double, double) - Constructor for class smile.base.svm.LASVM
Constructor.
LASVM(MercerKernel, double, double, double) - Constructor for class smile.base.svm.LASVM
Constructor.
latin(int, int) - Static method in interface smile.stat.Sampling
Latin hypercube sampling.
lattice(int, int, double[][]) - Static method in class smile.vq.SOM
Creates a lattice of which the weight vectors are randomly selected from samples.
LAVENDER - Static variable in class smile.plot.swing.Palette
The color lavender with an RGB value of #E6E6FA
LAVENDER_BLUSH - Static variable in class smile.plot.swing.Palette
The color lavender blush with an RGB value of #FFF0F5
LAWN_GREEN - Static variable in class smile.plot.swing.Palette
The color lawn green with an RGB value of #7CFC00
Layer - Class in smile.base.mlp
A layer in the neural network.
Layer - Class in smile.plot.vega
To superimpose one chart on top of another.
Layer - Interface in smile.deep.layer
A layer in the neural network.
Layer(int, int) - Constructor for class smile.base.mlp.Layer
Constructor.
Layer(int, int, double) - Constructor for class smile.base.mlp.Layer
Constructor.
Layer(View...) - Constructor for class smile.plot.vega.Layer
Constructor.
Layer(DenseMatrix, Vector) - Constructor for class smile.base.mlp.Layer
Constructor.
Layer(DenseMatrix, Vector, double) - Constructor for class smile.base.mlp.Layer
Constructor.
LayerBlock - Class in smile.deep.layer
A block is combinations of one or more layers.
LayerBlock() - Constructor for class smile.deep.layer.LayerBlock
Constructor.
LayerBlock(String) - Constructor for class smile.deep.layer.LayerBlock
Constructor.
LayerBlock(Module) - Constructor for class smile.deep.layer.LayerBlock
Constructor.
LayerBuilder - Class in smile.base.mlp
The builder of layers.
LayerBuilder(int, double) - Constructor for class smile.base.mlp.LayerBuilder
Constructor.
layout() - Method in class smile.tensor.BandMatrix
Returns the matrix layout.
layout(Layout) - Method in class smile.deep.tensor.Tensor.Options
Sets strided (dense) or sparse tensor.
Layout - Enum Class in smile.deep.tensor
The memory layout of a Tensor.
lchoose(int, int) - Static method in class smile.math.MathEx
The log of n choose k.
ld() - Method in class smile.tensor.BandMatrix
Returns the leading dimension.
ld() - Method in class smile.tensor.DenseMatrix
Returns the leading dimension.
LDA - Class in smile.classification
Linear discriminant analysis.
LDA(double[], double[][], Vector, DenseMatrix) - Constructor for class smile.classification.LDA
Constructor.
LDA(double[], double[][], Vector, DenseMatrix, IntSet) - Constructor for class smile.classification.LDA
Constructor.
le(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than-or-equal-to comparison.
le(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than-or-equal-to comparison.
le(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than-or-equal-to comparison.
le(T) - Method in interface smile.data.vector.ValueVector
Returns the result of less-than or equal comparison.
LeafNode - Class in smile.base.cart
A leaf node in decision tree.
LeafNode(int) - Constructor for class smile.base.cart.LeafNode
Constructor.
leafSamples() - Method in class smile.neighbor.RandomProjectionTree
Returns the list of samples in each leaf node.
leaky() - Static method in interface smile.base.mlp.ActivationFunction
The leaky rectifier activation function max(x, 0.01x).
leaky(double) - Static method in interface smile.base.mlp.ActivationFunction
The leaky rectifier activation function max(x, ax) where 0 <= a < 1.
leaky(int) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with leaky rectified linear activation function.
leaky(int, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with leaky rectified linear activation function.
leaky(int, double, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with leaky rectified linear activation function.
leaky(int, int, double) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with leaky ReLU activation function.
leaky(int, int, double, double) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with leaky ReLU activation function.
LeakyReLU - Class in smile.deep.activation
Sigmoid Linear Unit activation function.
LeakyReLU() - Constructor for class smile.deep.activation.LeakyReLU
Constructor.
LeakyReLU(double, boolean) - Constructor for class smile.deep.activation.LeakyReLU
Constructor.
learningRate - Variable in class smile.base.mlp.MultilayerPerceptron
The learning rate.
learningRate() - Method in record class smile.manifold.UMAP.Options
Returns the value of the learningRate record component.
LeastAbsoluteDeviation - Enum constant in enum class smile.base.cart.Loss.Type
Least absolute deviation regression.
LeastSquares - Enum constant in enum class smile.base.cart.Loss.Type
Least squares regression.
leaves() - Method in class smile.base.cart.InternalNode
 
leaves() - Method in class smile.base.cart.LeafNode
 
leaves() - Method in interface smile.base.cart.Node
Returns the number of leaf nodes in the subtree.
LeeDistance - Class in smile.math.distance
In coding theory, the Lee distance is a distance between two strings x1x2...xn and y1y2...yn of equal length n over the q-ary alphabet {0, 1, ..., q-1} of size q >= 2, defined as
LeeDistance(int) - Constructor for class smile.math.distance.LeeDistance
Constructor with a given size q of alphabet.
LEFT - Enum constant in enum class smile.linalg.Side
A * B
leftPad(String, int, char) - Static method in interface smile.util.Strings
Left pad a string with a specified character.
legend() - Method in class smile.plot.vega.Config
Returns the legend definition object.
legend() - Method in class smile.plot.vega.Field
Returns the legend definition object.
Legend - Class in smile.plot.swing
Legend is a single line text which coordinates are in proportional to the base coordinates.
Legend - Class in smile.plot.vega
Similar to axes, legends visualize scales.
Legend(String, Color) - Constructor for class smile.plot.swing.Legend
Constructor.
legends() - Method in class smile.plot.swing.BarPlot
 
legends() - Method in class smile.plot.swing.LinePlot
 
legends() - Method in class smile.plot.swing.Plot
Returns the optional legend of shape.
legends() - Method in class smile.plot.swing.ScatterPlot
 
legends() - Method in class smile.plot.swing.ScreePlot
 
legends() - Method in class smile.plot.swing.StaircasePlot
 
LEMON_CHIFFON - Static variable in class smile.plot.swing.Palette
The color lemon chiffon with an RGB value of #FFFACD
length - Enum constant in enum class smile.llm.FinishReason
Incomplete model output due to token limit.
length - Variable in class smile.math.Complex.Array
The length of array.
length() - Method in class smile.data.BinarySparseDataset
Returns the number of nonzero entries.
length() - Method in interface smile.data.Tuple
Returns the number of elements in the Tuple.
length() - Method in record class smile.data.type.StructType
Returns the number of fields.
length() - Method in class smile.deep.tensor.Tensor
Returns the number of tensor elements.
length() - Method in class smile.gap.BitString
Returns the length of bit string.
length() - Method in class smile.stat.distribution.BernoulliDistribution
 
length() - Method in class smile.stat.distribution.BetaDistribution
 
length() - Method in class smile.stat.distribution.BinomialDistribution
 
length() - Method in class smile.stat.distribution.ChiSquareDistribution
 
length() - Method in class smile.stat.distribution.DiscreteMixture
 
length() - Method in interface smile.stat.distribution.Distribution
Returns the number of parameters of the distribution.
length() - Method in class smile.stat.distribution.EmpiricalDistribution
 
length() - Method in class smile.stat.distribution.ExponentialDistribution
 
length() - Method in class smile.stat.distribution.FDistribution
 
length() - Method in class smile.stat.distribution.GammaDistribution
 
length() - Method in class smile.stat.distribution.GaussianDistribution
 
length() - Method in class smile.stat.distribution.GeometricDistribution
 
length() - Method in class smile.stat.distribution.HyperGeometricDistribution
 
length() - Method in class smile.stat.distribution.KernelDensity
 
length() - Method in class smile.stat.distribution.LogisticDistribution
 
length() - Method in class smile.stat.distribution.LogNormalDistribution
 
length() - Method in class smile.stat.distribution.Mixture
 
length() - Method in interface smile.stat.distribution.MultivariateDistribution
The number of parameters of the distribution.
length() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
length() - Method in class smile.stat.distribution.MultivariateMixture
 
length() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
length() - Method in class smile.stat.distribution.PoissonDistribution
 
length() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
length() - Method in class smile.stat.distribution.TDistribution
 
length() - Method in class smile.stat.distribution.WeibullDistribution
 
length() - Method in class smile.tensor.AtA
 
length() - Method in interface smile.tensor.Matrix
 
length() - Method in record class smile.tensor.Scalar
 
length() - Method in class smile.tensor.SparseMatrix
 
length() - Method in interface smile.tensor.Tensor
Returns the number of tensor elements.
length() - Method in record class smile.util.Bytes
Returns the length of byte string.
level() - Method in record class smile.datasets.Weather
Returns the sample features in level encoding.
level() - Method in record class smile.datasets.WeatherNominal
Returns the sample features in level encoding.
level(int) - Method in class smile.data.measure.CategoricalMeasure
Returns the level string representation.
LEVEL - Enum constant in enum class smile.data.CategoricalEncoder
Level of measurement.
levels() - Method in class smile.data.measure.CategoricalMeasure
Returns the levels.
LevenbergMarquardt - Record Class in smile.math
The Levenberg–Marquardt algorithm.
LevenbergMarquardt(double[], double[], double[], double) - Constructor for record class smile.math.LevenbergMarquardt
Creates an instance of a LevenbergMarquardt record class.
levenshtein(char[], char[]) - Static method in class smile.math.distance.EditDistance
Levenshtein distance between two strings allows insertion, deletion, or substitution of characters.
levenshtein(String, String) - Static method in class smile.math.distance.EditDistance
Levenshtein distance between two strings allows insertion, deletion, or substitution of characters.
leverage() - Method in record class smile.association.AssociationRule
Returns the value of the leverage record component.
lfactorial(int) - Static method in class smile.math.MathEx
The log of factorial of n.
lgamma(double) - Static method in class smile.math.special.Gamma
The log of the Gamma function.
lhs(String) - Static method in class smile.data.formula.Formula
Factory method.
lhs(Term) - Static method in class smile.data.formula.Formula
Factory method.
LI - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues of largest imaginary part.
LibrasMovement - Record Class in smile.datasets
LIBRAS movement dataset.
LibrasMovement() - Constructor for record class smile.datasets.LibrasMovement
Constructor.
LibrasMovement(Path) - Constructor for record class smile.datasets.LibrasMovement
Constructor.
LibrasMovement(DataFrame, Formula) - Constructor for record class smile.datasets.LibrasMovement
Creates an instance of a LibrasMovement record class.
libsvm(BufferedReader) - Static method in interface smile.io.Read
Reads a libsvm sparse dataset.
libsvm(String) - Static method in interface smile.io.Read
Reads a libsvm sparse dataset.
libsvm(Path) - Static method in interface smile.io.Read
Reads a libsvm sparse dataset.
lift() - Method in record class smile.association.AssociationRule
Returns the value of the lift record component.
LIGHT_BLUE - Static variable in class smile.plot.swing.Palette
The color light blue with an RGB value of #ADD8E6
LIGHT_CORAL - Static variable in class smile.plot.swing.Palette
The color light coral with an RGB value of #F08080
LIGHT_CYAN - Static variable in class smile.plot.swing.Palette
The color light cyan with an RGB value of #E0FFFF
LIGHT_GOLDENROD_YELLOW - Static variable in class smile.plot.swing.Palette
The color light goldenrod yellow with an RGB value of #FAFAD2
LIGHT_GRAY - Static variable in class smile.plot.swing.Palette
The color light gray with an RGB value of #D3D3D3
LIGHT_GREEN - Static variable in class smile.plot.swing.Palette
The color light green with an RGB value of #90EE90
LIGHT_GREY - Static variable in class smile.plot.swing.Palette
The color light grey with an RGB value of #D3D3D3
LIGHT_PINK - Static variable in class smile.plot.swing.Palette
The color light pink with an RGB value of #FFB6C1
LIGHT_SALMON - Static variable in class smile.plot.swing.Palette
The color light salmon with an RGB value of #FFA07A
LIGHT_SEAGREEN - Static variable in class smile.plot.swing.Palette
The color light sea green with an RGB value of #20B2AA
LIGHT_SKYBLUE - Static variable in class smile.plot.swing.Palette
The color light sky blue with an RGB value of #87CEFA
LIGHT_SLATE_GRAY - Static variable in class smile.plot.swing.Palette
The color light slate gray with an RGB value of #778899
LIGHT_SLATE_GREY - Static variable in class smile.plot.swing.Palette
The color light slate grey with an RGB value of #778899
LIGHT_STEEL_BLUE - Static variable in class smile.plot.swing.Palette
The color light steel blue with an RGB value of #B0C4DE
LIGHT_YELLOW - Static variable in class smile.plot.swing.Palette
The color light yellow with an RGB value of #FFFFE0
likelihood(double[]) - Method in interface smile.stat.distribution.Distribution
The likelihood of the sample set following this distribution.
likelihood(double[]) - Method in class smile.stat.distribution.KernelDensity
The likelihood of the samples.
likelihood(double[][]) - Method in interface smile.stat.distribution.MultivariateDistribution
The likelihood of the sample set following this distribution.
likelihood(int[]) - Method in class smile.stat.distribution.DiscreteDistribution
The likelihood given a sample set following the distribution.
LIKELIHOOD - Enum constant in enum class smile.base.mlp.Cost
Negative likelihood (or log-likelihood) cost.
LIME - Static variable in class smile.plot.swing.Palette
The color lime with an RGB value of #00FF00
LIME_GREEN - Static variable in class smile.plot.swing.Palette
The color lime green with an RGB value of #32CD32
limit(double) - Method in class smile.plot.vega.PivotTransform
Sets the maximum number of pivoted fields to generate.
line(boolean) - Method in class smile.plot.vega.Mark
Sets whether the line mark is shown.
Line - Class in smile.plot.swing
This class represents a poly line in the plot.
Line(double[][], Line.Style, char, Color) - Constructor for class smile.plot.swing.Line
Constructor.
Line.Style - Enum Class in smile.plot.swing
The supported styles of lines.
linear() - Static method in interface smile.base.mlp.ActivationFunction
Linear/Identity activation function.
linear(double, double, double) - Static method in interface smile.util.function.TimeFunction
Returns the linear learning rate decay function that starts with an initial learning rate and reach an end learning rate in the given decay steps.
linear(int) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with linear activation function.
linear(int, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with linear activation function.
linear(int, int) - Static method in interface smile.deep.layer.Layer
Returns a linear fully connected layer.
LINEAR - Enum constant in enum class smile.base.mlp.OutputFunction
Linear/Identity function.
LinearInterpolation - Class in smile.interpolation
Piecewise linear interpolation.
LinearInterpolation(double[], double[]) - Constructor for class smile.interpolation.LinearInterpolation
Constructor.
LinearKernel - Class in smile.math.kernel
The linear dot product kernel.
LinearKernel() - Constructor for class smile.math.kernel.LinearKernel
Constructor.
LinearKernelMachine - Class in smile.base.svm
Linear kernel machine.
LinearKernelMachine(double[], double) - Constructor for class smile.base.svm.LinearKernelMachine
Constructor.
LinearLayer - Class in smile.deep.layer
A fully connected linear layer.
LinearLayer(int, int) - Constructor for class smile.deep.layer.LinearLayer
Constructor.
LinearLayer(int, int, boolean) - Constructor for class smile.deep.layer.LinearLayer
Constructor.
LinearModel - Class in smile.regression
Linear model.
LinearModel(Formula, StructType, DenseMatrix, double[], Vector, double) - Constructor for class smile.regression.LinearModel
Constructor.
LinearSearch<K,V> - Class in smile.neighbor
Brute force linear nearest neighbor search.
LinearSearch(List, List, Distance) - Constructor for class smile.neighbor.LinearSearch
Constructor.
LinearSearch(List, Distance, Function) - Constructor for class smile.neighbor.LinearSearch
Constructor.
LinearSearch(K[], V[], Distance) - Constructor for class smile.neighbor.LinearSearch
Constructor.
LinearSearch(V[], Distance, Function) - Constructor for class smile.neighbor.LinearSearch
Constructor.
LinearSVM - Class in smile.classification
Linear support vector machines for classification.
LinearSVM - Class in smile.regression
Linear support vector machines for regression.
LinearSVM(KernelMachine) - Constructor for class smile.classification.LinearSVM
Constructor.
LinearSVM(KernelMachine) - Constructor for class smile.regression.LinearSVM
Constructor.
lineBreak(String) - Method in class smile.plot.vega.Config
Sets a delimiter, such as a newline character, upon which to break text strings into multiple lines.
LINEN - Static variable in class smile.plot.swing.Palette
The color linen with an RGB value of #FAF0E6
LinePlot - Class in smile.plot.swing
Line plot is a special scatter plot which connects points by straight lines.
LinePlot(Line...) - Constructor for class smile.plot.swing.LinePlot
Constructor.
LinePlot(Line[], Legend[]) - Constructor for class smile.plot.swing.LinePlot
Constructor.
link(double) - Method in interface smile.glm.model.Model
The link function.
Linkage - Class in smile.clustering.linkage
A measure of dissimilarity between clusters (i.e.
Linkage(double[][]) - Constructor for class smile.clustering.linkage.Linkage
Constructor.
Linkage(int, float[]) - Constructor for class smile.clustering.linkage.Linkage
Constructor.
ljung(double[], int) - Static method in class smile.timeseries.BoxTest
Box-Pierce test.
Ljung_Box - Enum constant in enum class smile.timeseries.BoxTest.Type
Ljung-Box test.
Llama - Class in smile.llm.llama
LLaMA model specification.
Llama(String, Transformer, Tokenizer) - Constructor for class smile.llm.llama.Llama
Constructor.
LLE - Class in smile.manifold
Locally Linear Embedding.
LLE.Options - Record Class in smile.manifold
LLE hyperparameters.
lloyd(double[][], int, int) - Static method in class smile.clustering.KMeans
Fits k-means clustering on the data containing missing values (NaN).
lloyd(double[][], Clustering.Options) - Static method in class smile.clustering.KMeans
Fits k-means clustering on the data containing missing values (NaN).
LM - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues largest in magnitude.
LM - Enum constant in enum class smile.tensor.ARPACK.SymmOption
The eigenvalues largest in magnitude.
lo() - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
lo() - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
lo() - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
lo() - Method in class smile.math.kernel.BinarySparseLinearKernel
 
lo() - Method in class smile.math.kernel.BinarySparseMaternKernel
 
lo() - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
lo() - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
lo() - Method in class smile.math.kernel.GaussianKernel
 
lo() - Method in class smile.math.kernel.HellingerKernel
 
lo() - Method in class smile.math.kernel.HyperbolicTangentKernel
 
lo() - Method in class smile.math.kernel.LaplacianKernel
 
lo() - Method in class smile.math.kernel.LinearKernel
 
lo() - Method in class smile.math.kernel.MaternKernel
 
lo() - Method in interface smile.math.kernel.MercerKernel
Returns the lower bound of hyperparameters (in hyperparameter tuning).
lo() - Method in class smile.math.kernel.PearsonKernel
 
lo() - Method in class smile.math.kernel.PolynomialKernel
 
lo() - Method in class smile.math.kernel.ProductKernel
 
lo() - Method in class smile.math.kernel.SparseGaussianKernel
 
lo() - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
lo() - Method in class smile.math.kernel.SparseLaplacianKernel
 
lo() - Method in class smile.math.kernel.SparseLinearKernel
 
lo() - Method in class smile.math.kernel.SparseMaternKernel
 
lo() - Method in class smile.math.kernel.SparsePolynomialKernel
 
lo() - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
lo() - Method in class smile.math.kernel.SumKernel
 
lo() - Method in class smile.math.kernel.ThinPlateSplineKernel
 
load() - Static method in record class smile.datasets.ColonCancer
Load built-in data.
load(String) - Method in class smile.deep.layer.LayerBlock
Loads a checkpoint.
load(String) - Method in class smile.deep.Model
Loads a checkpoint.
load(String) - Static method in class smile.llm.tokenizer.Tiktoken
Loads a tiktoken model file.
load(Path) - Static method in class smile.data.BinarySparseSequenceDataset
Loads a sparse sequence dataset.
load(Path) - Static method in record class smile.datasets.ColonCancer
Load data from the given path.
loadings() - Method in class smile.feature.extraction.PCA
Returns the variable loading matrix, ordered from largest to smallest by corresponding eigenvalues.
loadings() - Method in class smile.feature.extraction.ProbabilisticPCA
Returns the variable loading matrix, ordered from largest to smallest by corresponding eigenvalues.
loc() - Method in record class smile.data.RowIndex
Returns the value of the loc record component.
loc(Object) - Method in record class smile.data.DataFrame
Returns the row with the specified index.
loc(Object...) - Method in record class smile.data.DataFrame
Returns a new data frame with specified rows.
localConnectivity() - Method in record class smile.manifold.UMAP.Options
Returns the value of the localConnectivity record component.
loess(String, String) - Method in class smile.plot.vega.Transform
Adds a loess transform.
LoessTransform - Class in smile.plot.vega
The loess transform (for locally-estimated scatterplot smoothing) uses locally-estimated regression to produce a trend line.
log() - Static method in interface smile.glm.model.Poisson
log link function.
log(double) - Static method in class smile.math.MathEx
Returns natural log without underflow.
log(String) - Static method in interface smile.data.formula.Terms
The log(x) term.
log(Term) - Static method in interface smile.data.formula.Terms
The log(x) term.
log10(String) - Static method in interface smile.data.formula.Terms
The log10(x) term.
log10(Term) - Static method in interface smile.data.formula.Terms
The log10(x) term.
log1p(String) - Static method in interface smile.data.formula.Terms
The log(1 + x) term.
log1p(Term) - Static method in interface smile.data.formula.Terms
The log(1 + x) term.
log1pe(double) - Static method in class smile.math.MathEx
Returns natural log(1+exp(x)) without overflow.
log2(double) - Static method in class smile.math.MathEx
Log of base 2.
log2(String) - Static method in interface smile.data.formula.Terms
The log2(x) term.
log2(Term) - Static method in interface smile.data.formula.Terms
The log2(x) term.
LogCosh - Class in smile.ica
A good general-purpose contrast function for ICA.
LogCosh() - Constructor for class smile.ica.LogCosh
Constructor.
logdet() - Method in record class smile.tensor.Cholesky
Returns the log of matrix determinant.
logger - Static variable in interface smile.math.PageRank
 
logger - Static variable in interface smile.tensor.BiconjugateGradient
 
logger - Static variable in interface smile.tensor.Eigen
 
logger - Static variable in interface smile.util.function.Function
Logging facility.
logistic(int[]) - Static method in interface smile.base.cart.Loss
Logistic regression loss for binary classification.
logistic(int, int, int[], double[][]) - Static method in interface smile.base.cart.Loss
Logistic regression loss for multi-class classification.
LogisticDistribution - Class in smile.stat.distribution
The logistic distribution is a continuous probability distribution whose cumulative distribution function is the logistic function, which appears in logistic regression and feedforward neural networks.
LogisticDistribution(double, double) - Constructor for class smile.stat.distribution.LogisticDistribution
Constructor.
LogisticRegression - Class in smile.classification
Logistic regression.
LogisticRegression(int, double, double, IntSet) - Constructor for class smile.classification.LogisticRegression
Constructor.
LogisticRegression.Binomial - Class in smile.classification
Binomial logistic regression.
LogisticRegression.Multinomial - Class in smile.classification
Multinomial logistic regression.
LogisticRegression.Options - Record Class in smile.classification
Logistic regression hyperparameters.
logit() - Static method in interface smile.glm.model.Bernoulli
logit link function.
logit(int[]) - Static method in interface smile.glm.model.Binomial
logit link function.
loglikelihood() - Method in class smile.classification.LogisticRegression
Returns the log-likelihood of model.
loglikelihood() - Method in class smile.classification.Maxent
Returns the log-likelihood of model.
loglikelihood() - Method in class smile.classification.SparseLogisticRegression
Returns the log-likelihood of model.
logLikelihood - Variable in class smile.glm.GLM
Log-likelihood.
logLikelihood() - Method in class smile.glm.GLM
Returns the log-likelihood of model.
logLikelihood(double[]) - Method in interface smile.stat.distribution.Distribution
The log likelihood of the sample set following this distribution.
logLikelihood(double[]) - Method in class smile.stat.distribution.KernelDensity
The log likelihood of the samples.
logLikelihood(double[][]) - Method in interface smile.stat.distribution.MultivariateDistribution
The log likelihood of the sample set following this distribution.
logLikelihood(double[], double[]) - Method in interface smile.glm.model.Model
The log-likelihood function.
logLikelihood(int[]) - Method in class smile.stat.distribution.DiscreteDistribution
The likelihood given a sample set following the distribution.
logloss() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the logloss record component.
LogLoss - Class in smile.validation.metric
Log loss is an evaluation metric for binary classifiers, and it is sometimes the optimization objective as well in case of logistic regression and neural networks.
LogLoss() - Constructor for class smile.validation.metric.LogLoss
Constructor.
LogNormalDistribution - Class in smile.stat.distribution
A log-normal distribution is a probability distribution of a random variable whose logarithm is normally distributed.
LogNormalDistribution(double, double) - Constructor for class smile.stat.distribution.LogNormalDistribution
Constructor.
logp(double) - Method in class smile.stat.distribution.BetaDistribution
 
logp(double) - Method in class smile.stat.distribution.ChiSquareDistribution
 
logp(double) - Method in class smile.stat.distribution.DiscreteDistribution
 
logp(double) - Method in interface smile.stat.distribution.Distribution
The density at x in log scale, which may prevents the underflow problem.
logp(double) - Method in class smile.stat.distribution.ExponentialDistribution
 
logp(double) - Method in class smile.stat.distribution.FDistribution
 
logp(double) - Method in class smile.stat.distribution.GammaDistribution
 
logp(double) - Method in class smile.stat.distribution.GaussianDistribution
 
logp(double) - Method in class smile.stat.distribution.KernelDensity
 
logp(double) - Method in class smile.stat.distribution.LogisticDistribution
 
logp(double) - Method in class smile.stat.distribution.LogNormalDistribution
 
logp(double) - Method in class smile.stat.distribution.Mixture
 
logp(double) - Method in class smile.stat.distribution.TDistribution
 
logp(double) - Method in class smile.stat.distribution.WeibullDistribution
 
logp(double[]) - Method in interface smile.stat.distribution.MultivariateDistribution
The density at x in log scale, which may prevents the underflow problem.
logp(double[]) - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
logp(double[]) - Method in class smile.stat.distribution.MultivariateMixture
 
logp(int) - Method in class smile.stat.distribution.BernoulliDistribution
 
logp(int) - Method in class smile.stat.distribution.BinomialDistribution
 
logp(int) - Method in class smile.stat.distribution.DiscreteDistribution
The probability mass function in log scale.
logp(int) - Method in class smile.stat.distribution.DiscreteMixture
 
logp(int) - Method in class smile.stat.distribution.EmpiricalDistribution
 
logp(int) - Method in class smile.stat.distribution.GeometricDistribution
 
logp(int) - Method in class smile.stat.distribution.HyperGeometricDistribution
 
logp(int) - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
logp(int) - Method in class smile.stat.distribution.PoissonDistribution
 
logp(int) - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
logp(int[]) - Method in class smile.sequence.HMM
Returns the logarithm probability of an observation sequence given this HMM.
logp(int[], int[]) - Method in class smile.sequence.HMM
Returns the log joint probability of an observation sequence along a state sequence given this HMM.
logp(T[]) - Method in class smile.sequence.HMMLabeler
Returns the logarithm probability of an observation sequence.
logp(T[], int[]) - Method in class smile.sequence.HMMLabeler
Returns the log joint probability of an observation sequence along a state sequence.
logPrice() - Method in record class smile.datasets.BitcoinPrice
Returns the log of closing price series, which are commonly believed to be unit-root non-stationary.
logprobs() - Method in record class smile.llm.CompletionPrediction
Returns the value of the logprobs record component.
logSigmoid(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with log sigmoid activation function.
LogSigmoid - Class in smile.deep.activation
Log sigmoid activation function.
LogSigmoid() - Constructor for class smile.deep.activation.LogSigmoid
Constructor.
logSoftmax(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with log softmax activation function.
LogSoftmax - Class in smile.deep.activation
Log softmax activation function.
LogSoftmax() - Constructor for class smile.deep.activation.LogSoftmax
Constructor.
Long - Enum constant in enum class smile.data.type.DataType.ID
Long type ID.
LONG - Static variable in interface smile.util.Regex
Long regular expression pattern.
LONG_DASH - Enum constant in enum class smile.plot.swing.Line.Style
Long dash line.
longArray() - Method in class smile.deep.tensor.Tensor
Returns the long integer array of tensor elements
LongArrayCellRenderer - Class in smile.swing.table
Long array renderer in JTable.
LongArrayCellRenderer() - Constructor for class smile.swing.table.LongArrayCellRenderer
Constructor.
LongArrayType - Static variable in interface smile.data.type.DataTypes
Long Array data type.
Longley - Record Class in smile.datasets
The classic 1967 Longley dataset.
Longley() - Constructor for record class smile.datasets.Longley
Constructor.
Longley(DataFrame, Formula) - Constructor for record class smile.datasets.Longley
Creates an instance of a Longley record class.
longStream() - Method in class smile.data.vector.LongVector
 
longStream() - Method in class smile.data.vector.NullableLongVector
 
longStream() - Method in class smile.data.vector.NumberVector
 
longStream() - Method in class smile.data.vector.StringVector
 
longStream() - Method in interface smile.data.vector.ValueVector
Returns a LongStream consisting of the elements of this vector, converted to long.
LongType - Class in smile.data.type
Long data type.
LongType - Static variable in interface smile.data.type.DataTypes
Long data type.
longValue() - Method in class smile.deep.tensor.Tensor
Returns the long value when the tensor holds a single value.
LongVector - Class in smile.data.vector
A long vector.
LongVector(String, long[]) - Constructor for class smile.data.vector.LongVector
Constructor.
LongVector(StructField, long[]) - Constructor for class smile.data.vector.LongVector
Constructor.
LOOCV - Interface in smile.validation
Leave-one-out cross validation.
lookup(String, String) - Method in class smile.plot.vega.Transform
Adds a lookup transformation.
lookup(String, LookupData) - Method in class smile.plot.vega.Transform
Adds a lookup transformation.
lookupData(String) - Method in class smile.plot.vega.Transform
Creates a lookup data.
LookupData - Class in smile.plot.vega
The density transform performs one-dimensional kernel density estimation over an input data stream and generates a new data stream of samples of the estimated densities.
loss() - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Returns the value of the loss record component.
loss() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the loss record component.
loss() - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Returns the value of the loss record component.
Loss - Interface in smile.base.cart
Regression loss function.
Loss - Interface in smile.deep
Loss functions.
Loss.Type - Enum Class in smile.base.cart
The type of loss.
lower(int) - Method in class smile.util.PriorityQueue
The value of item k is lower (higher priority) now.
LOWER - Enum constant in enum class smile.linalg.UPLO
Lower triangle is stored.
lowestCommonAncestor(String, String) - Method in class smile.taxonomy.Taxonomy
Returns the lowest common ancestor (LCA) of concepts v and w.
lowestCommonAncestor(Concept, Concept) - Method in class smile.taxonomy.Taxonomy
Returns the lowest common ancestor (LCA) of concepts v and w.
LR - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues of largest real part.
ls() - Static method in interface smile.base.cart.Loss
Least squares regression loss.
ls(double[]) - Static method in interface smile.base.cart.Loss
Least squares regression loss.
LS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
List item marker.
lsamen_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_logical lsamen_(__CLPK_integer *__n, char *__ca, char *__cb)
lsamen_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_logical lsamen_(__CLPK_integer *__n, char *__ca, char *__cb)
lsamen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_logical lsamen_(__CLPK_integer *__n, char *__ca, char *__cb)
lsamen_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_logical lsamen_(__CLPK_integer *__n, char *__ca, char *__cb)
LSH<E> - Class in smile.neighbor
Locality-Sensitive Hashing.
LSH(double[][], E[], double) - Constructor for class smile.neighbor.LSH
Constructor.
LSH(double[][], E[], double, int) - Constructor for class smile.neighbor.LSH
Constructor.
LSH(int, int, int, double) - Constructor for class smile.neighbor.LSH
Constructor.
LSH(int, int, int, double, int) - Constructor for class smile.neighbor.LSH
Constructor.
lsMaxIter() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the lsMaxIter record component.
lsMaxIter() - Method in record class smile.regression.LASSO.Options
Returns the value of the lsMaxIter record component.
lt(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than comparison.
lt(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than comparison.
lt(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise less-than comparison.
lt(T) - Method in interface smile.data.vector.ValueVector
Returns the result of less-than comparison.
lu() - Method in record class smile.tensor.Cholesky
Returns the value of the lu record component.
lu() - Method in class smile.tensor.DenseMatrix
LU decomposition.
lu() - Method in record class smile.tensor.LU
Returns the value of the lu record component.
LU - Record Class in smile.tensor
The LU decomposition.
LU(DenseMatrix, int[], int) - Constructor for record class smile.tensor.LU
Creates an instance of a LU record class.

M

m - Variable in class smile.stat.distribution.HyperGeometricDistribution
The number of defects.
m() - Method in record class smile.clustering.DENCLUE.Options
Returns the value of the m record component.
m() - Method in record class smile.neighbor.lsh.PrZ
Returns the value of the m record component.
m() - Method in record class smile.tensor.SVD
Returns the value of the m record component.
M - Static variable in interface smile.sort.QuickSort
The threshold of subarray size to be sorted by straight insertion.
M(double[][], double[]) - Method in interface smile.stat.distribution.MultivariateExponentialFamily
The M step in the EM algorithm, which depends on the specific distribution.
M(double[][], double[]) - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
M(double[], double[]) - Method in class smile.stat.distribution.BetaDistribution
 
M(double[], double[]) - Method in class smile.stat.distribution.ChiSquareDistribution
 
M(double[], double[]) - Method in class smile.stat.distribution.ExponentialDistribution
 
M(double[], double[]) - Method in interface smile.stat.distribution.ExponentialFamily
The M step in the EM algorithm, which depends on the specific distribution.
M(double[], double[]) - Method in class smile.stat.distribution.GammaDistribution
 
M(double[], double[]) - Method in class smile.stat.distribution.GaussianDistribution
 
M(int[], double[]) - Method in interface smile.stat.distribution.DiscreteExponentialFamily
The M step in the EM algorithm, which depends on the specific distribution.
M(int[], double[]) - Method in class smile.stat.distribution.GeometricDistribution
 
M(int[], double[]) - Method in class smile.stat.distribution.PoissonDistribution
 
M(int[], double[]) - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
ma() - Method in class smile.timeseries.ARMA
Returns the linear coefficients of MA(q).
MACHEP - Static variable in class smile.math.MathEx
The largest negative integer such that 1.0 + RADIXMACHEP ≠ 1.0, except that machep is bounded below by -(DIGITS+3)
Macro - Enum constant in enum class smile.deep.metric.Averaging
Macro-averaging calculates each class's performance metric (e.g., precision, recall) and then takes the arithmetic mean across all classes.
Macro - Enum constant in enum class smile.validation.metric.Averaging
Macro-averaging calculates each class's performance metric (e.g., precision, recall) and then takes the arithmetic mean across all classes.
mad() - Method in record class smile.validation.RegressionMetrics
Returns the value of the mad record component.
mad(double[]) - Static method in class smile.math.MathEx
Returns the median absolute deviation (MAD).
mad(float[]) - Static method in class smile.math.MathEx
Returns the median absolute deviation (MAD).
mad(int[]) - Static method in class smile.math.MathEx
Returns the median absolute deviation (MAD).
MAD - Class in smile.validation.metric
Mean absolute deviation error.
MAD() - Constructor for class smile.validation.metric.MAD
Constructor.
MAGENTA - Static variable in class smile.plot.swing.Palette
The color magenta with an RGB value of #FF00FF
MahalanobisDistance - Class in smile.math.distance
In statistics, Mahalanobis distance is based on correlations between variables by which different patterns can be identified and analyzed.
MahalanobisDistance(double[][]) - Constructor for class smile.math.distance.MahalanobisDistance
Constructor.
main(String[]) - Static method in class smile.nlp.pos.HMMPOSTagger
Train the default model on WSJ and BROWN datasets.
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.cblas_xerbla
Variadic invoker factory for:
void cblas_xerbla(blasint p, char *rout, char *form, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.dprintf
Variadic invoker factory for:
extern int dprintf(int __fd, const char *restrict __fmt, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.fprintf
Variadic invoker factory for:
extern int fprintf(FILE *restrict __stream, const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.fscanf
Variadic invoker factory for:
extern int fscanf(FILE *restrict __stream, const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.printf
Variadic invoker factory for:
extern int printf(const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.scanf
Variadic invoker factory for:
extern int scanf(const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.snprintf
Variadic invoker factory for:
extern int snprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.sprintf
Variadic invoker factory for:
extern int sprintf(char *restrict __s, const char *restrict __format, ...)
makeInvoker(MemoryLayout...) - Static method in class smile.linalg.blas.cblas_h.sscanf
Variadic invoker factory for:
extern int sscanf(const char *restrict __s, const char *restrict __format, ...)
ManhattanDistance - Class in smile.math.distance
Manhattan distance, also known as L1 distance or L1 norm, is the sum of the (absolute) differences of their coordinates.
ManhattanDistance() - Constructor for class smile.math.distance.ManhattanDistance
Constructor.
ManhattanDistance(double[]) - Constructor for class smile.math.distance.ManhattanDistance
Constructor.
map(double) - Method in class smile.stat.distribution.Mixture
Returns the index of component with maximum a posteriori probability.
map(double[]) - Method in class smile.stat.distribution.MultivariateMixture
Returns the index of component with maximum a posteriori probability.
map(int) - Method in class smile.stat.distribution.DiscreteMixture
Returns the index of component with maximum a posteriori probability.
map(ArrayElementFunction) - Method in class smile.util.SparseArray
Returns a stream consisting of the results of applying the given function to the nonzero entries.
map(IntArrayElementFunction) - Method in class smile.util.SparseIntArray
Returns a stream consisting of the results of applying the given function to the nonzero entries.
mapEdges(int, ArrayElementFunction) - Method in class smile.graph.AdjacencyList
 
mapEdges(int, ArrayElementFunction) - Method in class smile.graph.AdjacencyMatrix
 
mapEdges(int, ArrayElementFunction) - Method in class smile.graph.Graph
Returns a stream consisting of the results of applying the given function to the edge weights of a vertex.
marginRanking(Tensor, Tensor, Tensor) - Static method in interface smile.deep.Loss
Margin Ranking Loss Function.
mark(String) - Method in class smile.plot.vega.View
Returns the mark definition object.
Mark - Class in smile.plot.vega
Mark definition object.
market(Path) - Static method in interface smile.tensor.Matrix
Reads a matrix from a Matrix Market File Format file.
MARKS - Static variable in class smile.plot.swing.Point
The marks of point.
MAROON - Static variable in class smile.plot.swing.Palette
The color maroon with an RGB value of #800000
mask - Variable in class smile.base.mlp.Layer
The dropout mask.
Matern - Class in smile.math.kernel
The class of Matérn kernels is a generalization of the Gaussian/RBF.
Matern(double, double, double, double) - Constructor for class smile.math.kernel.Matern
Constructor.
MaternKernel - Class in smile.math.kernel
The class of Matérn kernels is a generalization of the Gaussian/RBF.
MaternKernel(double, double) - Constructor for class smile.math.kernel.MaternKernel
Constructor.
MaternKernel(double, double, double, double) - Constructor for class smile.math.kernel.MaternKernel
Constructor.
MathEx - Class in smile.math
Extra basic numeric functions.
matmul(Tensor) - Method in class smile.deep.tensor.Tensor
Returns the matrix product of two tensors.
matrix() - Method in record class smile.validation.metric.ConfusionMatrix
Returns the value of the matrix record component.
matrix(DataFrame) - Method in class smile.data.formula.Formula
Returns the design matrix of predictors.
matrix(DataFrame, boolean) - Method in class smile.data.formula.Formula
Returns the design matrix of predictors.
Matrix - Interface in smile.tensor
Mathematical matrix interface.
MatthewsCorrelation - Class in smile.validation.metric
Matthews correlation coefficient.
MatthewsCorrelation() - Constructor for class smile.validation.metric.MatthewsCorrelation
Constructor.
max - Variable in class smile.util.IntSet
The maximum of values.
max() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the maximal value.
max() - Method in class smile.data.vector.NumberVector
Returns the maximal value.
max() - Method in class smile.data.vector.PrimitiveVector
Returns the maximal value.
max() - Method in class smile.tensor.Vector
Returns the maximal elements of the vector.
max(double[]) - Static method in class smile.math.MathEx
Returns the maximum value of an array.
max(double[][]) - Static method in class smile.math.MathEx
Returns the maximum of a matrix.
max(double, double, double) - Static method in class smile.math.MathEx
Returns the maximum of 4 double numbers.
max(double, double, double, double) - Static method in class smile.math.MathEx
Returns the maximum of 4 double numbers.
max(float[]) - Static method in class smile.math.MathEx
Returns the maximum value of an array.
max(float, float, float) - Static method in class smile.math.MathEx
Returns the maximum of 4 float numbers.
max(float, float, float, float) - Static method in class smile.math.MathEx
Returns the maximum of 4 float numbers.
max(int[]) - Static method in class smile.math.MathEx
Returns the maximum value of an array.
max(int[][]) - Static method in class smile.math.MathEx
Returns the maximum of a matrix.
max(int[], int[]) - Static method in class smile.validation.metric.AdjustedMutualInformation
Calculates the adjusted mutual information of (I(y1, y2) - E(MI)) / (max(H(y1), H(y2)) - E(MI)).
max(int[], int[]) - Static method in class smile.validation.metric.NormalizedMutualInformation
Calculates the normalized mutual information of I(y1, y2) / max(H(y1), H(y2)).
max(int, int, int) - Static method in class smile.math.MathEx
Returns the maximum of 3 integer numbers.
max(int, int, int, int) - Static method in class smile.math.MathEx
Returns the maximum of 4 integer numbers.
MAX - Enum constant in enum class smile.validation.metric.AdjustedMutualInformation.Method
I(y1, y2) / max(H(y1), H(y2))
MAX - Enum constant in enum class smile.validation.metric.NormalizedMutualInformation.Method
I(y1, y2) / max(H(y1), H(y2))
MAX - Static variable in class smile.validation.metric.AdjustedMutualInformation
Default instance with max normalization.
MAX - Static variable in class smile.validation.metric.NormalizedMutualInformation
Default instance with max normalization.
MaxAbsScaler - Interface in smile.feature.transform
Scales each feature by its maximum absolute value.
maxBatchSize() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the maxBatchSize record component.
maxBins(int) - Method in class smile.plot.vega.BinParams
Sets the maximum number of bins.
maxDepth - Variable in class smile.base.cart.CART
The maximum depth of the tree.
maxDepth() - Method in record class smile.anomaly.IsolationForest.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.classification.DecisionTree.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.classification.RandomForest.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.regression.RandomForest.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.regression.RegressionTree.Options
Returns the value of the maxDepth record component.
maxDepth() - Method in record class smile.sequence.CRF.Options
Returns the value of the maxDepth record component.
Maxent - Class in smile.classification
Maximum Entropy Classifier.
Maxent(int, double, double, IntSet) - Constructor for class smile.classification.Maxent
Constructor.
Maxent.Binomial - Class in smile.classification
Binomial maximum entropy classifier.
Maxent.Multinomial - Class in smile.classification
Multinomial maximum entropy classifier.
Maxent.Options - Record Class in smile.classification
Maximum entropy classifier hyperparameters.
maxExtent(int) - Method in class smile.plot.vega.Axis
Sets the maximum extent in pixels that axis ticks and labels should use.
maxIter() - Method in record class smile.classification.LogisticRegression.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.classification.Maxent.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.clustering.Clustering.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.clustering.MEC.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.glm.GLM.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.ica.ICA.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.manifold.IsotonicMDS.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.manifold.TSNE.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns the value of the maxIter record component.
maxIter() - Method in record class smile.regression.LASSO.Options
Returns the value of the maxIter record component.
maxIterWithoutProgress() - Method in record class smile.manifold.TSNE.Options
Returns the value of the maxIterWithoutProgress record component.
maxNodes - Variable in class smile.base.cart.CART
The maximum number of leaf nodes in the tree.
maxNodes() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.classification.DecisionTree.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.classification.RandomForest.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.regression.RandomForest.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.regression.RegressionTree.Options
Returns the value of the maxNodes record component.
maxNodes() - Method in record class smile.sequence.CRF.Options
Returns the value of the maxNodes record component.
maxPool2d(int) - Static method in interface smile.deep.layer.Layer
Returns a max pooling layer that reduces a tensor by combining cells, and assigning the maximum value of the input cells to the output cell.
MaxPool2dLayer - Class in smile.deep.layer
A max pooling layer that reduces a tensor by combining cells, and assigning the maximum value of the input cells to the output cell.
MaxPool2dLayer(int) - Constructor for class smile.deep.layer.MaxPool2dLayer
Constructor.
MaxPool2dLayer(int, int) - Constructor for class smile.deep.layer.MaxPool2dLayer
Constructor.
maxSeqLen() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the maxSeqLen record component.
maxSteps(int) - Method in class smile.plot.vega.DensityTransform
Sets the maximum number of samples to take along the extent domain for plotting the density.
maxtf() - Method in class smile.nlp.SimpleText
 
maxtf() - Method in interface smile.nlp.TextTerms
Returns the maximum term frequency over all terms in the document.
MBConv - Class in smile.vision.layer
Mobile inverted bottleneck convolution.
MBConv(MBConvConfig, double, IntFunction) - Constructor for class smile.vision.layer.MBConv
Constructor.
MBConv(double, int, int, int, int, int) - Static method in record class smile.vision.layer.MBConvConfig
Returns the config for MBConv block.
MBConv(double, int, int, int, int, int, double, double) - Static method in record class smile.vision.layer.MBConvConfig
Returns the config for MBConv block.
MBConvConfig - Record Class in smile.vision.layer
EfficientNet block configuration.
MBConvConfig(double, int, int, int, int, int, String) - Constructor for record class smile.vision.layer.MBConvConfig
Creates an instance of a MBConvConfig record class.
mcc() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the mcc record component.
MD - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Modal verb.
MDS - Record Class in smile.manifold
Classical multidimensional scaling, also known as principal coordinates analysis.
MDS(double[], double[], double[][]) - Constructor for record class smile.manifold.MDS
Creates an instance of a MDS record class.
MDS.Options - Record Class in smile.manifold
MDS hyperparameters.
mean - Variable in class smile.regression.GaussianProcessRegression
The mean of responsible variable.
mean - Variable in class smile.stat.distribution.LogNormalDistribution
The mean.
mean() - Method in class smile.base.cart.RegressionNode
Returns the mean of response variable.
mean() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the mean.
mean() - Method in class smile.data.vector.NumberVector
Returns the mean.
mean() - Method in class smile.data.vector.PrimitiveVector
Returns the mean.
mean() - Method in class smile.deep.tensor.Tensor
Returns the mean of all elements in the tensor.
mean() - Method in class smile.neighbor.lsh.HashValueParzenModel
Returns the mean.
mean() - Method in class smile.stat.distribution.BernoulliDistribution
 
mean() - Method in class smile.stat.distribution.BetaDistribution
 
mean() - Method in class smile.stat.distribution.BinomialDistribution
 
mean() - Method in class smile.stat.distribution.ChiSquareDistribution
 
mean() - Method in class smile.stat.distribution.DiscreteMixture
 
mean() - Method in interface smile.stat.distribution.Distribution
Returns the mean of distribution.
mean() - Method in class smile.stat.distribution.EmpiricalDistribution
 
mean() - Method in class smile.stat.distribution.ExponentialDistribution
 
mean() - Method in class smile.stat.distribution.FDistribution
 
mean() - Method in class smile.stat.distribution.GammaDistribution
 
mean() - Method in class smile.stat.distribution.GaussianDistribution
 
mean() - Method in class smile.stat.distribution.GeometricDistribution
 
mean() - Method in class smile.stat.distribution.HyperGeometricDistribution
 
mean() - Method in class smile.stat.distribution.KernelDensity
 
mean() - Method in class smile.stat.distribution.LogisticDistribution
 
mean() - Method in class smile.stat.distribution.LogNormalDistribution
 
mean() - Method in class smile.stat.distribution.Mixture
 
mean() - Method in interface smile.stat.distribution.MultivariateDistribution
The mean vector of distribution.
mean() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
mean() - Method in class smile.stat.distribution.MultivariateMixture
 
mean() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
mean() - Method in class smile.stat.distribution.PoissonDistribution
 
mean() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
mean() - Method in class smile.stat.distribution.TDistribution
 
mean() - Method in class smile.stat.distribution.WeibullDistribution
 
mean() - Method in class smile.tensor.Vector
Returns the mean of the elements of the vector.
mean() - Method in class smile.timeseries.AR
Returns the mean of time series.
mean() - Method in class smile.timeseries.ARMA
Returns the mean of time series.
mean(double[]) - Static method in class smile.math.MathEx
Returns the mean of an array.
mean(float[]) - Static method in class smile.math.MathEx
Returns the mean of an array.
mean(int[]) - Static method in class smile.math.MathEx
Returns the mean of an array.
mean(int, boolean) - Method in class smile.deep.tensor.Tensor
Returns the mean along a dimension in the tensor.
MEAN_SQUARED_ERROR - Enum constant in enum class smile.base.mlp.Cost
Mean squares error cost.
measure() - Method in record class smile.data.type.StructField
Returns the value of the measure record component.
measure() - Method in interface smile.data.vector.ValueVector
Returns the (optional) level of measurements.
Measure - Interface in smile.data.measure
Level of measurement or scale of measure is a classification that describes the nature of information within the values assigned to variables.
measures() - Method in record class smile.data.DataFrame
Returns the column's level of measurements.
measures() - Method in record class smile.data.type.StructType
Returns the field's level of measurements.
MEC<T> - Class in smile.clustering
Non-parametric Minimum Conditional Entropy Clustering.
MEC(int, int[], double, double, RNNSearch) - Constructor for class smile.clustering.MEC
Constructor.
MEC.Options - Record Class in smile.clustering
MEC hyperparameters.
median() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the median.
median() - Method in class smile.data.vector.NumberVector
Returns the median.
median() - Method in class smile.data.vector.PrimitiveVector
Returns the median.
median(double[]) - Static method in class smile.math.MathEx
Find the median of an array of type double.
median(double[]) - Static method in interface smile.sort.QuickSelect
Find the median of an array of type double.
median(float[]) - Static method in class smile.math.MathEx
Find the median of an array of type float.
median(float[]) - Static method in interface smile.sort.QuickSelect
Find the median of an array of type float.
median(int[]) - Static method in class smile.math.MathEx
Find the median of an array of type int.
median(int[]) - Static method in interface smile.sort.QuickSelect
Find the median of an array of type integer.
median(T[]) - Static method in class smile.math.MathEx
Find the median of an array of type double.
median(T[]) - Static method in interface smile.sort.QuickSelect
Find the median of an array of type double.
MEDIUM_AQUAMARINE - Static variable in class smile.plot.swing.Palette
The color medium aquamarine with an RGB value of #66CDAA
MEDIUM_BLUE - Static variable in class smile.plot.swing.Palette
The color medium blue with an RGB value of #0000CD
MEDIUM_ORCHID - Static variable in class smile.plot.swing.Palette
The color medium orchid with an RGB value of #BA55D3
MEDIUM_PURPLE - Static variable in class smile.plot.swing.Palette
The color medium purple with an RGB value of #9370DB
MEDIUM_SEAGREEN - Static variable in class smile.plot.swing.Palette
The color medium sea green with an RGB value of #3CB371
MEDIUM_SLATE_BLUE - Static variable in class smile.plot.swing.Palette
The color medium slate blue with an RGB value of #7B68EE
MEDIUM_SPRING_GREEN - Static variable in class smile.plot.swing.Palette
The color medium spring green with an RGB value of #00FA9A
MEDIUM_TURQUOISE - Static variable in class smile.plot.swing.Palette
The color medium turquoise with an RGB value of #48D1CC
MEDIUM_VIOLET_RED - Static variable in class smile.plot.swing.Palette
The color medium violet red with an RGB value of #C71585
memory() - Method in class smile.tensor.DenseMatrix
Returns the memory storage of matrix.
memory() - Method in class smile.tensor.JTensor
Returns the memory segment of underlying data.
MercerKernel<T> - Interface in smile.math.kernel
Mercer kernel, also called covariance function in Gaussian process.
merge() - Method in class smile.base.cart.InternalNode
 
merge() - Method in class smile.base.cart.LeafNode
 
merge() - Method in interface smile.base.cart.Node
Try to merge the children nodes and return a leaf node.
merge(int, int) - Method in class smile.clustering.linkage.CompleteLinkage
 
merge(int, int) - Method in class smile.clustering.linkage.Linkage
Merges two clusters into one and update the proximity matrix.
merge(int, int) - Method in class smile.clustering.linkage.SingleLinkage
 
merge(int, int) - Method in class smile.clustering.linkage.UPGMALinkage
 
merge(int, int) - Method in class smile.clustering.linkage.UPGMCLinkage
 
merge(int, int) - Method in class smile.clustering.linkage.WardLinkage
 
merge(int, int) - Method in class smile.clustering.linkage.WPGMALinkage
 
merge(int, int) - Method in class smile.clustering.linkage.WPGMCLinkage
 
merge(RandomForest) - Method in class smile.classification.RandomForest
Merges two random forests.
merge(DataFrame...) - Method in record class smile.data.DataFrame
Merges data frames horizontally by columns.
merge(RandomForest) - Method in class smile.regression.RandomForest
Merges two random forests.
MersenneTwister - Class in smile.math.random
32-bit Mersenne Twister.
MersenneTwister() - Constructor for class smile.math.random.MersenneTwister
Constructor.
MersenneTwister(int) - Constructor for class smile.math.random.MersenneTwister
Constructor.
MersenneTwister(long) - Constructor for class smile.math.random.MersenneTwister
Constructor.
MersenneTwister64 - Class in smile.math.random
64-bit Mersenne Twister.
MersenneTwister64() - Constructor for class smile.math.random.MersenneTwister64
Constructor.
MersenneTwister64(long) - Constructor for class smile.math.random.MersenneTwister64
Constructor.
Message - Record Class in smile.llm
Dialog messages.
Message(Role, String) - Constructor for record class smile.llm.Message
Creates an instance of a Message record class.
method() - Method in record class smile.regression.OLS.Options
Returns the value of the method record component.
method() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns the value of the method record component.
method() - Method in record class smile.stat.hypothesis.CorTest
Returns the value of the method record component.
method() - Method in record class smile.stat.hypothesis.KSTest
Returns the value of the method record component.
method() - Method in record class smile.stat.hypothesis.TTest
Returns the value of the method record component.
method(String) - Method in class smile.plot.vega.ImputeTransform
Sets the imputation method to use for the field value of imputed data objects.
method(String) - Method in class smile.plot.vega.RegressionTransform
Sets the functional form of the regression model.
Metric - Interface in smile.deep.metric
The class metrics keeps track of metric states, which enables them to be able to calculate values through accumulations and synchronizations across multiple processes.
Metric<T> - Interface in smile.math.distance
A metric function defines a distance between elements of a set.
metrics() - Method in record class smile.classification.AdaBoost.TrainingStatus
Returns the value of the metrics record component.
metrics() - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Returns the value of the metrics record component.
metrics() - Method in class smile.classification.RandomForest
Returns the overall out-of-bag metric estimations.
metrics() - Method in record class smile.classification.RandomForest.Model
Returns the value of the metrics record component.
metrics() - Method in record class smile.classification.RandomForest.TrainingStatus
Returns the value of the metrics record component.
metrics() - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Returns the value of the metrics record component.
metrics() - Method in class smile.regression.RandomForest
Returns the overall out-of-bag metric estimations.
metrics() - Method in record class smile.regression.RandomForest.Model
Returns the value of the metrics record component.
metrics() - Method in record class smile.regression.RandomForest.TrainingStatus
Returns the value of the metrics record component.
metrics() - Method in record class smile.validation.ClassificationValidation
Returns the value of the metrics record component.
metrics() - Method in record class smile.validation.RegressionValidation
Returns the value of the metrics record component.
Micro - Enum constant in enum class smile.deep.metric.Averaging
Micro-averaging aggregates the counts of true positives, false positives, and false negatives across all classes and then calculates the performance metric based on the total counts.
Micro - Enum constant in enum class smile.validation.metric.Averaging
Micro-averaging aggregates the counts of true positives, false positives, and false negatives across all classes and then calculates the performance metric based on the total counts.
MIDNIGHT_BLUE - Static variable in class smile.plot.swing.Palette
The color midnight blue with an RGB value of #191970
min - Variable in class smile.util.IntSet
The minimum of values.
min() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the minimal value.
min() - Method in class smile.data.vector.NumberVector
Returns the minimal value.
min() - Method in class smile.data.vector.PrimitiveVector
Returns the minimal value.
min() - Method in class smile.tensor.Vector
Returns the minimal elements of the vector.
min(double[]) - Static method in class smile.math.MathEx
Returns the minimum value of an array.
min(double[][]) - Static method in class smile.math.MathEx
Returns the minimum of a matrix.
min(double, double, double) - Static method in class smile.math.MathEx
Returns the minimum of 3 double numbers.
min(double, double, double, double) - Static method in class smile.math.MathEx
Returns the minimum of 4 double numbers.
min(float[]) - Static method in class smile.math.MathEx
Returns the minimum value of an array.
min(float, float, float) - Static method in class smile.math.MathEx
Returns the minimum of 3 float numbers.
min(float, float, float, float) - Static method in class smile.math.MathEx
Returns the minimum of 4 float numbers.
min(int[]) - Static method in class smile.math.MathEx
Returns the minimum value of an array.
min(int[][]) - Static method in class smile.math.MathEx
Returns the minimum of a matrix.
min(int[], int[]) - Static method in class smile.validation.metric.AdjustedMutualInformation
Calculates the adjusted mutual information of (I(y1, y2) - E(MI)) / (min(H(y1), H(y2)) - E(MI)).
min(int[], int[]) - Static method in class smile.validation.metric.NormalizedMutualInformation
Calculates the normalized mutual information of I(y1, y2) / min(H(y1), H(y2)).
min(int, int, int) - Static method in class smile.math.MathEx
Returns the minimum of 3 integer numbers.
min(int, int, int, int) - Static method in class smile.math.MathEx
Returns the minimum of 4 integer numbers.
MIN - Enum constant in enum class smile.validation.metric.AdjustedMutualInformation.Method
I(y1, y2) / min(H(y1), H(y2))
MIN - Enum constant in enum class smile.validation.metric.NormalizedMutualInformation.Method
I(y1, y2) / min(H(y1), H(y2))
MIN - Static variable in class smile.validation.metric.AdjustedMutualInformation
Default instance with min normalization.
MIN - Static variable in class smile.validation.metric.NormalizedMutualInformation
Default instance with min normalization.
minDist() - Method in record class smile.manifold.UMAP.Options
Returns the value of the minDist record component.
minExtent(int) - Method in class smile.plot.vega.Axis
Sets the minimum extent in pixels that axis ticks and labels should use.
minGain() - Method in record class smile.manifold.TSNE.Options
Returns the value of the minGain record component.
minimize(DifferentiableMultivariateFunction, double[], double, int) - Static method in class smile.math.BFGS
This method solves the unconstrained minimization problem
minimize(DifferentiableMultivariateFunction, int, double[], double[], double[], double, int) - Static method in class smile.math.BFGS
This method solves the bound constrained minimization problem using the L-BFGS-B method.
minimize(DifferentiableMultivariateFunction, int, double[], double, int) - Static method in class smile.math.BFGS
This method solves the unconstrained minimization problem
MinkowskiDistance - Class in smile.math.distance
Minkowski distance of order p or Lp-norm, is a generalization of Euclidean distance that is actually L2-norm.
MinkowskiDistance(int) - Constructor for class smile.math.distance.MinkowskiDistance
Constructor.
MinkowskiDistance(int, double[]) - Constructor for class smile.math.distance.MinkowskiDistance
Constructor.
minmax(double[]) - Static method in class smile.math.Scaler
Returns the scaler that map the values into the range [0, 1].
minPoints() - Method in class smile.clustering.DBSCAN
Returns the minimum number of neighbors for a core data point.
minPts() - Method in record class smile.clustering.DENCLUE.Options
Returns the value of the minPts record component.
minStep(double) - Method in class smile.plot.vega.BinParams
Sets the minimum allowable step size (particularly useful for integer values).
minSteps(int) - Method in class smile.plot.vega.DensityTransform
Sets the minimum number of samples to take along the extent domain for plotting the density.
minSupport() - Method in class smile.association.FPTree
Returns the required minimum support of item sets in terms of frequency.
MINT_CREAM - Static variable in class smile.plot.swing.Palette
The color mint cream with an RGB value of #F5FFFA
MINUTE - Enum constant in enum class smile.data.formula.DateFeature
The minutes represented by an integer from 0 to 59 in the usual manner.
MISTY_ROSE - Static variable in class smile.plot.swing.Palette
The color misty rose with an RGB value of #FFE4E1
Mixture - Class in smile.stat.distribution
A finite mixture model is a probabilistic model for density estimation using a mixture distribution.
Mixture(Mixture.Component...) - Constructor for class smile.stat.distribution.Mixture
Constructor.
Mixture.Component - Record Class in smile.stat.distribution
A component in the mixture distribution is defined by a distribution and its weight in the mixture.
mle(int, OutputFunction) - Static method in class smile.base.mlp.Layer
Returns an output layer with (log-)likelihood cost function.
MLP - Class in smile.classification
Fully connected multilayer perceptron neural network for classification.
MLP - Class in smile.regression
Fully connected multilayer perceptron neural network for regression.
MLP(LayerBuilder...) - Constructor for class smile.classification.MLP
Constructor.
MLP(LayerBuilder...) - Constructor for class smile.regression.MLP
Constructor.
MLP(Scaler, LayerBuilder...) - Constructor for class smile.regression.MLP
Constructor.
MLP(IntSet, LayerBuilder...) - Constructor for class smile.classification.MLP
Constructor.
mm(double, Transpose, DenseMatrix, Transpose, DenseMatrix, double, DenseMatrix) - Static method in class smile.tensor.DenseMatrix
Matrix-matrix multiplication.
mm(DenseMatrix) - Method in class smile.tensor.DenseMatrix
Matrix multiplication A * B.
mm(SparseMatrix) - Method in class smile.tensor.SparseMatrix
Matrix multiplication A * B.
MMDDYY - Static variable in class smile.swing.table.DateCellEditor
Predefined date editor in MM/dd/yy format.
MMDDYY - Static variable in class smile.swing.table.DateCellRenderer
Predefined date renderer in MM/dd/yy format.
mnist(String, boolean, int) - Static method in interface smile.deep.Dataset
MNIST contains 70,000 images of handwritten digits: 60,000 for training and 10,000 for testing.
MNIST - Record Class in smile.datasets
MNIST dataset.
MNIST() - Constructor for record class smile.datasets.MNIST
Constructor.
MNIST(Path, Path) - Constructor for record class smile.datasets.MNIST
Constructor.
MNIST(DataFrame, Formula) - Constructor for record class smile.datasets.MNIST
Creates an instance of a MNIST record class.
MOCCASIN - Static variable in class smile.plot.swing.Palette
The color moccasin with an RGB value of #FFE4B5
mode(int[]) - Static method in class smile.math.MathEx
Returns the mode of the array, which is the most frequent element.
mode(JSON.Mode) - Method in class smile.io.JSON
Sets the file mode (single-line or multi-line).
model - Variable in class smile.glm.GLM
The model specifications (link function, deviance, etc.).
model() - Method in record class smile.llm.CompletionPrediction
Returns the value of the model record component.
model() - Method in record class smile.validation.ClassificationValidation
Returns the value of the model record component.
model() - Method in record class smile.validation.RegressionValidation
Returns the value of the model record component.
Model - Class in smile.deep
The deep learning models.
Model - Interface in smile.glm.model
The GLM model specification.
Model(DecisionTree, ClassificationMetrics) - Constructor for record class smile.classification.RandomForest.Model
Constructor.
Model(DecisionTree, ClassificationMetrics, double) - Constructor for record class smile.classification.RandomForest.Model
Creates an instance of a Model record class.
Model(LayerBlock) - Constructor for class smile.deep.Model
Constructor.
Model(LayerBlock, Function) - Constructor for class smile.deep.Model
Constructor.
Model(RegressionTree, RegressionMetrics) - Constructor for record class smile.regression.RandomForest.Model
Creates an instance of a Model record class.
ModelArgs - Record Class in smile.llm.llama
LLaMA model hyperparameters.
ModelArgs() - Constructor for record class smile.llm.llama.ModelArgs
Constructor with default parameter values.
ModelArgs(int, int, int, Integer, int, int, Double, double, double, boolean, int, int) - Constructor for record class smile.llm.llama.ModelArgs
Creates an instance of a ModelArgs record class.
models() - Method in class smile.classification.RandomForest
Returns the base models.
models() - Method in class smile.regression.RandomForest
Returns the base models.
ModelSelection - Interface in smile.validation
Model selection criteria.
module - Variable in class smile.deep.layer.LayerBlock
The neural network module.
momentum - Variable in class smile.base.mlp.MultilayerPerceptron
The momentum factor.
momentum() - Method in record class smile.manifold.TSNE.Options
Returns the value of the momentum record component.
momentumSwitchIter() - Method in record class smile.manifold.TSNE.Options
Returns the value of the momentumSwitchIter record component.
MONTH - Enum constant in enum class smile.data.formula.DateFeature
The month represented by an integer from 1 to 12; 1 is January, 2 is February, and so forth; thus 12 is December.
mouseClicked(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mouseClicked(MouseEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
mouseDragged(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mouseEntered(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mouseEntered(MouseEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
mouseExited(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mouseExited(MouseEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
mouseMoved(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mousePressed(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mousePressed(MouseEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
mouseReleased(MouseEvent) - Method in class smile.plot.swing.Canvas
 
mouseReleased(MouseEvent) - Method in class smile.swing.table.ButtonCellRenderer
 
mouseWheelMoved(MouseWheelEvent) - Method in class smile.plot.swing.Canvas
 
MPLSH<E> - Class in smile.neighbor
Multi-Probe Locality-Sensitive Hashing.
MPLSH(int, int, int, double) - Constructor for class smile.neighbor.MPLSH
Constructor.
MPLSH(int, int, int, double, int) - Constructor for class smile.neighbor.MPLSH
Constructor.
MPS - Enum constant in enum class smile.deep.tensor.DeviceType
GPU for macOS devices with Metal programming framework.
MPS() - Static method in class smile.deep.tensor.Device
Returns the GPU for macOS devices with Metal programming framework.
mse() - Static method in interface smile.deep.Loss
Mean Squared Error (L2) Loss Function.
mse() - Method in record class smile.validation.RegressionMetrics
Returns the value of the mse record component.
mse(int, OutputFunction) - Static method in class smile.base.mlp.Layer
Returns an output layer with mean squared error cost function.
MSE - Class in smile.validation.metric
Mean squared error.
MSE() - Constructor for class smile.validation.metric.MSE
Constructor.
mt(DenseMatrix) - Method in class smile.tensor.DenseMatrix
Matrix multiplication A * B'.
mtry - Variable in class smile.base.cart.CART
The number of input variables to be used to determine the decision at a node of the tree.
mtry() - Method in record class smile.classification.RandomForest.Options
Returns the value of the mtry record component.
mtry() - Method in record class smile.regression.RandomForest.Options
Returns the value of the mtry record component.
mu - Variable in class smile.glm.GLM
The fitted mean values.
mu - Variable in class smile.regression.GaussianProcessRegression.JointPrediction
The mean of predictive distribution at query points.
mu - Variable in class smile.stat.distribution.GaussianDistribution
The mean.
mu - Variable in class smile.stat.distribution.LogisticDistribution
The location parameter.
mu - Variable in class smile.stat.distribution.LogNormalDistribution
The mean of normal distribution.
mu - Variable in class smile.stat.distribution.MultivariateGaussianDistribution
The mean vector.
mul(double) - Method in class smile.deep.tensor.Tensor
Returns A * b.
mul(double) - Method in class smile.util.Array2D
A *= x.
mul(float) - Method in class smile.deep.tensor.Tensor
Returns A * b.
mul(int) - Method in class smile.util.IntArray2D
A *= x.
mul(int, double) - Method in class smile.tensor.Vector
Sets A[i] *= x.
mul(int, int, double) - Method in class smile.tensor.AtA
 
mul(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] *= x.
mul(int, int, double) - Method in class smile.tensor.SparseMatrix
 
mul(int, int, double) - Method in class smile.util.Array2D
A[i, j] *= x.
mul(int, int, int) - Method in class smile.util.IntArray2D
A[i, j] *= x.
mul(String, String) - Static method in interface smile.data.formula.Terms
Multiplies two terms.
mul(String, Term) - Static method in interface smile.data.formula.Terms
Multiplies two terms.
mul(Term, String) - Static method in interface smile.data.formula.Terms
Multiplies two terms.
mul(Term, Term) - Static method in interface smile.data.formula.Terms
Multiplies two terms.
mul(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A * B element wisely.
mul(Complex) - Method in record class smile.math.Complex
Returns this * b.
mul(Array2D) - Method in class smile.util.Array2D
A *= B.
mul(IntArray2D) - Method in class smile.util.IntArray2D
A *= B.
Mul - Class in smile.data.formula
The term of a * b expression.
Mul(Term, Term) - Constructor for class smile.data.formula.Mul
Constructor.
mul_(double) - Method in class smile.deep.tensor.Tensor
Returns A *= b.
mul_(float) - Method in class smile.deep.tensor.Tensor
Returns A *= b.
mul_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A *= B element wisely.
MULTI_LINE - Enum constant in enum class smile.io.JSON.Mode
A JSON object may occupy multiple lines.
MultiColumnSortTableHeaderCellRenderer - Class in smile.swing.table
An extension of DefaultTableHeaderCellRenderer that paints sort icons on the header of each sorted column with varying opacity.
MultiColumnSortTableHeaderCellRenderer() - Constructor for class smile.swing.table.MultiColumnSortTableHeaderCellRenderer
Constructs a MultisortTableHeaderCellRenderer with a default alpha of 0.5.
MultiColumnSortTableHeaderCellRenderer(float) - Constructor for class smile.swing.table.MultiColumnSortTableHeaderCellRenderer
Constructs a MultisortTableHeaderCellRenderer with the specified alpha.
MultiFigurePane - Class in smile.plot.swing
Interactive view for multiple mathematical plots.
MultiFigurePane(int, int) - Constructor for class smile.plot.swing.MultiFigurePane
Constructor with GridLayout.
MultiFigurePane(LayoutManager) - Constructor for class smile.plot.swing.MultiFigurePane
Constructor.
MultiFigurePane(Canvas...) - Constructor for class smile.plot.swing.MultiFigurePane
Constructor with GridLayout.
MultilayerPerceptron - Class in smile.base.mlp
Fully connected multilayer perceptron neural network.
MultilayerPerceptron(Layer...) - Constructor for class smile.base.mlp.MultilayerPerceptron
Constructor.
multinomial(double[][], int[]) - Static method in class smile.classification.LogisticRegression
Fits multinomial logistic regression.
multinomial(double[][], int[], LogisticRegression.Options) - Static method in class smile.classification.LogisticRegression
Fits multinomial logistic regression.
multinomial(int, int[][], int[]) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
multinomial(int, int[][], int[], Maxent.Options) - Static method in class smile.classification.Maxent
Fits maximum entropy classifier.
multinomial(SparseDataset) - Static method in class smile.classification.SparseLogisticRegression
Fits multinomial logistic regression.
multinomial(SparseDataset, LogisticRegression.Options) - Static method in class smile.classification.SparseLogisticRegression
Fits multinomial logistic regression.
Multinomial(double[][], double, double, IntSet) - Constructor for class smile.classification.LogisticRegression.Multinomial
Constructor.
Multinomial(double[][], double, double, IntSet) - Constructor for class smile.classification.Maxent.Multinomial
Constructor.
Multinomial(double[][], double, double, IntSet) - Constructor for class smile.classification.SparseLogisticRegression.Multinomial
Constructor.
MULTINOMIAL - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
The document multinomial model generates one term from the vocabulary in each position of the document.
multipleOf() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the multipleOf record component.
MultiProbeHash - Class in smile.neighbor.lsh
The hash function for data in Euclidean spaces.
MultiProbeHash(int, int, double, int) - Constructor for class smile.neighbor.lsh.MultiProbeHash
Constructor.
MultiProbeSample - Record Class in smile.neighbor.lsh
Training sample for MPLSH.
MultiProbeSample(double[], List) - Constructor for record class smile.neighbor.lsh.MultiProbeSample
Creates an instance of a MultiProbeSample record class.
MultiquadricRadialBasis - Class in smile.math.rbf
Multiquadric RBF.
MultiquadricRadialBasis() - Constructor for class smile.math.rbf.MultiquadricRadialBasis
Constructor.
MultiquadricRadialBasis(double) - Constructor for class smile.math.rbf.MultiquadricRadialBasis
Constructor.
MultivariateDistribution - Interface in smile.stat.distribution
Probability distribution of multivariate random variable.
MultivariateExponentialFamily - Interface in smile.stat.distribution
The purpose of this interface is mainly to define the method M that is the Maximization step in the EM algorithm.
MultivariateExponentialFamilyMixture - Class in smile.stat.distribution
The finite mixture of distributions from multivariate exponential family.
MultivariateExponentialFamilyMixture(MultivariateMixture.Component...) - Constructor for class smile.stat.distribution.MultivariateExponentialFamilyMixture
Constructor.
MultivariateFunction - Interface in smile.util.function
An interface representing a multivariate real function.
MultivariateGaussianDistribution - Class in smile.stat.distribution
Multivariate Gaussian distribution.
MultivariateGaussianDistribution(double[], double) - Constructor for class smile.stat.distribution.MultivariateGaussianDistribution
Constructor.
MultivariateGaussianDistribution(double[], double[]) - Constructor for class smile.stat.distribution.MultivariateGaussianDistribution
Constructor.
MultivariateGaussianDistribution(double[], DenseMatrix) - Constructor for class smile.stat.distribution.MultivariateGaussianDistribution
Constructor.
MultivariateGaussianMixture - Class in smile.stat.distribution
Finite multivariate Gaussian mixture.
MultivariateGaussianMixture(MultivariateMixture.Component...) - Constructor for class smile.stat.distribution.MultivariateGaussianMixture
Constructor.
MultivariateMixture - Class in smile.stat.distribution
The finite mixture of multivariate distributions.
MultivariateMixture(MultivariateMixture.Component...) - Constructor for class smile.stat.distribution.MultivariateMixture
Constructor.
MultivariateMixture.Component - Record Class in smile.stat.distribution
A component in the mixture distribution is defined by a distribution and its weight in the mixture.
MurmurHash2 - Interface in smile.hash
MurmurHash is a very fast, non-cryptographic hash suitable for general hash-based lookup.
MurmurHash3 - Interface in smile.hash
MurmurHash is a very fast, non-cryptographic hash suitable for general hash-based lookup.
mustart(double) - Method in interface smile.glm.model.Model
The function to estimates the starting value of mean given y.
MutableInt - Class in smile.util
A mutable int wrapper.
MutableInt() - Constructor for class smile.util.MutableInt
Constructor.
MutableInt(int) - Constructor for class smile.util.MutableInt
Constructor.
MutableLSH<E> - Class in smile.neighbor
Mutable LSH.
MutableLSH(int, int, int, double) - Constructor for class smile.neighbor.MutableLSH
Constructor.
mutate() - Method in class smile.gap.BitString
 
mutate() - Method in interface smile.gap.Chromosome
For genetic algorithms, this method mutates the chromosome randomly.
MutualInformation - Class in smile.validation.metric
Mutual Information for comparing clustering.
MutualInformation() - Constructor for class smile.validation.metric.MutualInformation
Constructor.
mv(double[]) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
mv(float[]) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
mv(Transpose, double, Vector, double, Vector) - Method in class smile.tensor.AtA
 
mv(Transpose, double, Vector, double, Vector) - Method in class smile.tensor.BandMatrix
 
mv(Transpose, double, Vector, double, Vector) - Method in class smile.tensor.DenseMatrix
 
mv(Transpose, double, Vector, double, Vector) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication.
mv(Transpose, double, Vector, double, Vector) - Method in class smile.tensor.SparseMatrix
 
mv(Transpose, double, Vector, double, Vector) - Method in class smile.tensor.SymmMatrix
 
mv(Vector) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
mv(Vector, int, int) - Method in class smile.tensor.AtA
 
mv(Vector, int, int) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
mv(Vector, int, int) - Method in class smile.tensor.SparseMatrix
 
mv(Vector, Vector) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
MYSQL - Enum constant in enum class smile.nlp.dictionary.EnglishStopWords
The stop words list used by MySQL FullText feature.

N

n - Variable in class smile.base.mlp.Layer
The number of neurons in this layer
n - Variable in class smile.stat.distribution.BinomialDistribution
The number of experiments.
n - Variable in class smile.stat.distribution.HyperGeometricDistribution
The number of draws.
n - Variable in class smile.validation.metric.ContingencyTable
The number of observations.
n() - Method in record class smile.tensor.SVD
Returns the value of the n record component.
N - Variable in class smile.stat.distribution.HyperGeometricDistribution
The number of total samples.
n1 - Variable in class smile.validation.metric.ContingencyTable
The number of clusters of first clustering.
n2 - Variable in class smile.validation.metric.ContingencyTable
The number of clusters of second clustering.
NaiveBayes - Class in smile.classification
Naive Bayes classifier.
NaiveBayes(double[], Distribution[][]) - Constructor for class smile.classification.NaiveBayes
Constructor of general naive Bayes classifier.
NaiveBayes(double[], Distribution[][], IntSet) - Constructor for class smile.classification.NaiveBayes
Constructor of general naive Bayes classifier.
name() - Method in interface smile.base.mlp.ActivationFunction
Returns the name of activation function.
name() - Method in record class smile.clustering.CentroidClustering
Returns the value of the name record component.
name() - Method in record class smile.data.formula.Variable
Returns the value of the name record component.
name() - Method in class smile.data.type.ArrayType
 
name() - Method in interface smile.data.type.DataType
Returns the type name used in external catalogs.
name() - Method in class smile.data.type.DateTimeType
 
name() - Method in class smile.data.type.DateType
 
name() - Method in class smile.data.type.DecimalType
 
name() - Method in class smile.data.type.ObjectType
 
name() - Method in class smile.data.type.PrimitiveType
 
name() - Method in record class smile.data.type.Property
Returns the value of the name record component.
name() - Method in class smile.data.type.StringType
 
name() - Method in record class smile.data.type.StructField
Returns the value of the name record component.
name() - Method in record class smile.data.type.StructType
 
name() - Method in class smile.data.type.TimeType
 
name() - Method in interface smile.data.vector.ValueVector
Returns the name of vector.
name() - Method in class smile.deep.activation.ActivationFunction
Returns the name of activation function.
name() - Method in class smile.deep.metric.Accuracy
 
name() - Method in interface smile.deep.metric.Metric
Returns the name of metric.
name() - Method in class smile.deep.metric.Precision
 
name() - Method in class smile.deep.metric.Recall
 
name() - Method in class smile.io.Arff
Returns the name of relation.
name() - Method in class smile.llm.llama.Llama
Returns the model instance name.
name(String) - Method in class smile.plot.vega.Concat
 
name(String) - Method in class smile.plot.vega.Data
Sets a placeholder name and bind data at runtime.
name(String) - Method in class smile.plot.vega.Facet
 
name(String) - Method in class smile.plot.vega.Repeat
 
name(String) - Method in class smile.plot.vega.VegaLite
Sets the name of the visualization for later reference.
name(String) - Method in class smile.plot.vega.View
 
NAMED_COLORS - Static variable in class smile.plot.swing.Palette
Named colors except white colors.
names() - Method in record class smile.data.DataFrame
Returns the column names.
names() - Method in record class smile.data.type.StructType
Returns the field names.
NAVAJO_WHITE - Static variable in class smile.plot.swing.Palette
The color navajo white with an RGB value of #FFDEAD
NAVY - Static variable in class smile.plot.swing.Palette
The color navy with an RGB value of #000080
ncol() - Method in class smile.data.BinarySparseDataset
Returns the number of columns.
ncol() - Method in record class smile.data.DataFrame
Returns the number of columns.
ncol() - Method in class smile.data.SparseDataset
Returns the number of columns.
ncol() - Method in class smile.tensor.AtA
 
ncol() - Method in class smile.tensor.BandMatrix
 
ncol() - Method in class smile.tensor.DenseMatrix
 
ncol() - Method in interface smile.tensor.Matrix
Returns the number of columns.
ncol() - Method in class smile.tensor.SparseMatrix
 
ncol() - Method in class smile.tensor.SymmMatrix
 
ncol() - Method in class smile.util.Array2D
Returns the number of columns.
ncol() - Method in class smile.util.IntArray2D
Returns the number of columns.
ne(double) - Method in class smile.deep.tensor.Tensor
Computes element-wise inequality.
ne(int) - Method in class smile.deep.tensor.Tensor
Computes element-wise inequality.
ne(Object) - Method in interface smile.data.vector.ValueVector
Returns the result of non-equality comparison.
ne(Tensor) - Method in class smile.deep.tensor.Tensor
Computes element-wise inequality.
nearest(double[]) - Method in class smile.neighbor.KDTree
 
nearest(double[]) - Method in class smile.neighbor.LSH
 
nearest(double[]) - Method in class smile.neighbor.MPLSH
 
nearest(double[], double, int) - Method in class smile.neighbor.MPLSH
Returns the approximate nearest neighbor.
nearest(K) - Method in interface smile.neighbor.KNNSearch
Returns the nearest neighbor.
nearest(K) - Method in class smile.neighbor.LinearSearch
 
nearestInsertion() - Method in class smile.graph.Graph
Returns the approximate solution to TSP with the nearest insertion heuristic.
NearestNeighborGraph - Record Class in smile.graph
The k-nearest neighbor graph builder.
NearestNeighborGraph(int, int[][], double[][]) - Constructor for record class smile.graph.NearestNeighborGraph
Constructor.
NearestNeighborGraph(int, int[][], double[][], int[]) - Constructor for record class smile.graph.NearestNeighborGraph
Creates an instance of a NearestNeighborGraph record class.
neg() - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the negative of the elements of input.
neg_() - Method in class smile.deep.tensor.Tensor
Returns the tensor with the negative of the elements of input.
NegativeBinomialDistribution - Class in smile.stat.distribution
Negative binomial distribution arises as the probability distribution of the number of successes in a series of independent and identically distributed Bernoulli trials needed to get a specified (non-random) number r of failures.
NegativeBinomialDistribution(double, double) - Constructor for class smile.stat.distribution.NegativeBinomialDistribution
Constructor.
negativeSamples() - Method in record class smile.manifold.UMAP.Options
Returns the value of the negativeSamples record component.
NEGEP - Static variable in class smile.math.MathEx
The largest negative integer such that 1.0 - RADIXNEGEP ≠ 1.0, except that negeps is bounded below by -(DIGITS+3)
neighbor - Variable in class smile.vq.hebb.Edge
The neighbor neuron.
Neighbor<K,V> - Record Class in smile.neighbor
The immutable object encapsulates the results of nearest neighbor search.
Neighbor(K, V, int, double) - Constructor for record class smile.neighbor.Neighbor
Creates an instance of a Neighbor record class.
Neighborhood - Interface in smile.vq
The neighborhood function for 2-dimensional lattice topology (e.g.
neighbors() - Method in record class smile.graph.NearestNeighborGraph
Returns the value of the neighbors record component.
neighbors() - Method in record class smile.neighbor.lsh.MultiProbeSample
Returns the value of the neighbors record component.
net - Variable in class smile.base.mlp.MultilayerPerceptron
The input and hidden layers.
network() - Method in class smile.vq.NeuralGas
Returns the network of neurons.
NeuralGas - Class in smile.vq
Neural Gas soft competitive learning algorithm.
NeuralGas(double[][], TimeFunction, TimeFunction, TimeFunction) - Constructor for class smile.vq.NeuralGas
Constructor.
NeuralMap - Class in smile.vq
NeuralMap is an efficient competitive learning algorithm inspired by growing neural gas and BIRCH.
NeuralMap(double, double, double, int, double) - Constructor for class smile.vq.NeuralMap
Constructor.
Neuron - Class in smile.vq.hebb
The neuron vertex in the growing neural gas network.
Neuron(double[]) - Constructor for class smile.vq.hebb.Neuron
Constructor.
Neuron(double[], double) - Constructor for class smile.vq.hebb.Neuron
Constructor.
neurons - Variable in class smile.base.mlp.LayerBuilder
The number of neurons.
neurons() - Method in class smile.base.mlp.LayerBuilder
Returns the number of neurons.
neurons() - Method in class smile.vq.GrowingNeuralGas
Returns the neurons in the network.
neurons() - Method in class smile.vq.NeuralGas
Returns the neurons.
neurons() - Method in class smile.vq.NeuralMap
Returns the neurons.
neurons() - Method in class smile.vq.SOM
Returns the lattice of neurons.
newInstance() - Method in class smile.gap.BitString
 
newInstance() - Method in interface smile.gap.Chromosome
Returns a new random instance.
newInstance(byte[]) - Method in class smile.gap.BitString
Creates a new instance with given bits.
newNode(int[]) - Method in class smile.base.cart.CART
Creates a new leaf node.
newNode(int[]) - Method in class smile.classification.DecisionTree
 
newNode(int[]) - Method in class smile.regression.RegressionTree
 
newOnes(long...) - Method in class smile.deep.tensor.Tensor
Returns a tensor filled with all ones.
newZeros(long...) - Method in class smile.deep.tensor.Tensor
Returns a tensor filled with all zeros.
next(int) - Method in class smile.math.random.MersenneTwister
 
next(int) - Method in class smile.math.random.MersenneTwister64
 
next(int) - Method in interface smile.math.random.RandomNumberGenerator
Returns up to 32 random bits.
next(int) - Method in class smile.math.random.UniversalGenerator
 
nextDouble() - Method in class smile.math.random.MersenneTwister
 
nextDouble() - Method in class smile.math.random.MersenneTwister64
 
nextDouble() - Method in class smile.math.Random
Generator a random number uniformly distributed in [0, 1).
nextDouble() - Method in interface smile.math.random.RandomNumberGenerator
Returns the next pseudorandom, uniformly distributed double value between 0.0 and 1.0 from this random number generator's sequence.
nextDouble() - Method in class smile.math.random.UniversalGenerator
 
nextDouble(double, double) - Method in class smile.math.Random
Generate a uniform random number in the range [lo, hi)
nextDoubles(double[]) - Method in class smile.math.random.MersenneTwister
 
nextDoubles(double[]) - Method in class smile.math.random.MersenneTwister64
 
nextDoubles(double[]) - Method in class smile.math.Random
Generate n uniform random numbers in the range [0, 1)
nextDoubles(double[]) - Method in interface smile.math.random.RandomNumberGenerator
Returns a vector of pseudorandom, uniformly distributed double values between 0.0 and 1.0 from this random number generator's sequence.
nextDoubles(double[]) - Method in class smile.math.random.UniversalGenerator
 
nextDoubles(double[], double, double) - Method in class smile.math.Random
Generate n uniform random numbers in the range [lo, hi)
nextInt() - Method in class smile.math.random.MersenneTwister
 
nextInt() - Method in class smile.math.random.MersenneTwister64
 
nextInt() - Method in class smile.math.Random
Returns a random integer.
nextInt() - Method in interface smile.math.random.RandomNumberGenerator
Returns the next pseudorandom, uniformly distributed int value from this random number generator's sequence.
nextInt() - Method in class smile.math.random.UniversalGenerator
 
nextInt(int) - Method in class smile.math.random.MersenneTwister
 
nextInt(int) - Method in class smile.math.random.MersenneTwister64
 
nextInt(int) - Method in class smile.math.Random
Returns a random integer in [0, n).
nextInt(int) - Method in interface smile.math.random.RandomNumberGenerator
Returns a pseudorandom, uniformly distributed int value between 0 (inclusive) and the specified value (exclusive), drawn from this random number generator's sequence.
nextInt(int) - Method in class smile.math.random.UniversalGenerator
 
nextLong() - Method in class smile.math.random.MersenneTwister
 
nextLong() - Method in class smile.math.random.MersenneTwister64
 
nextLong() - Method in class smile.math.Random
Returns a random long integer.
nextLong() - Method in interface smile.math.random.RandomNumberGenerator
Returns the next pseudorandom, uniformly distributed long value from this random number generator's sequence.
nextLong() - Method in class smile.math.random.UniversalGenerator
 
NGram - Class in smile.nlp.collocation
An n-gram is a contiguous sequence of n words from a given sequence of text.
NGram - Class in smile.nlp
An n-gram is a contiguous sequence of n words from a given sequence of text.
NGram(String[]) - Constructor for class smile.nlp.NGram
Constructor.
NGram(String[], int) - Constructor for class smile.nlp.collocation.NGram
Constructor.
ni - Variable in class smile.classification.ClassLabels
The number of samples per classes.
nice(int) - Method in class smile.plot.vega.BinParams
If true, attempts to make the bin boundaries use human-friendly boundaries, such as multiples of ten.
nll() - Static method in interface smile.deep.Loss
Negative Log-Likelihood Loss Function.
NN - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Noun, singular or mass.
NNP - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Proper noun, singular.
NNPS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Proper noun, plural.
NNS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Noun, plural.
NO_TRANSPOSE - Enum constant in enum class smile.linalg.Transpose
Normal operation on the matrix.
NO_VECTORS - Enum constant in enum class smile.linalg.EVDJob
Eigenvalues only are computed.
NO_VECTORS - Enum constant in enum class smile.linalg.SVDJob
No singular vectors are computed.
Node - Interface in smile.base.cart
CART tree node.
Node(E) - Constructor for class smile.util.PairingHeap.Node
Constructor.
Node(K) - Constructor for class smile.nlp.Trie.Node
Constructor.
nodeSize - Variable in class smile.base.cart.CART
The number of instances in a node below which the tree will not split, setting nodeSize = 5 generally gives good results.
nodeSize() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.classification.DecisionTree.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.classification.RandomForest.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.regression.RandomForest.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.regression.RegressionTree.Options
Returns the value of the nodeSize record component.
nodeSize() - Method in record class smile.sequence.CRF.Options
Returns the value of the nodeSize record component.
noGradGuard() - Static method in class smile.deep.tensor.Tensor
Disables gradient calculation.
noise - Variable in class smile.regression.GaussianProcessRegression
The variance of noise.
noise() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns the value of the noise record component.
nominal() - Method in class smile.data.vector.StringVector
Returns a nominal scale of measure based on distinct values in the vector.
nominal(String, Enum...) - Static method in interface smile.data.vector.ValueVector
Creates a nominal value vector.
nominal(String, String...) - Static method in interface smile.data.vector.ValueVector
Creates a nominal value vector.
NominalNode - Class in smile.base.cart
A node with a nominal split variable.
NominalNode(int, int, double, double, Node, Node) - Constructor for class smile.base.cart.NominalNode
Constructor.
NominalScale - Class in smile.data.measure
Nominal variables take on a limited number of unordered values.
NominalScale(int[], String[]) - Constructor for class smile.data.measure.NominalScale
Constructor.
NominalScale(Class) - Constructor for class smile.data.measure.NominalScale
Constructor.
NominalScale(String...) - Constructor for class smile.data.measure.NominalScale
Constructor.
NominalScale(List) - Constructor for class smile.data.measure.NominalScale
Constructor.
NominalSplit - Class in smile.base.cart
The data about of a potential split for a leaf node.
NominalSplit(LeafNode, int, int, double, int, int, int, int, IntPredicate) - Constructor for class smile.base.cart.NominalSplit
Constructor.
NON_UNIT - Enum constant in enum class smile.linalg.Diag
Non-unit triangular.
None - Static variable in class smile.deep.tensor.Index
The None is used to insert a singleton dimension ("unsqueeze" a dimension).
nonoverlap(int[], int) - Static method in interface smile.validation.CrossValidation
Cross validation with non-overlapping groups.
nonzeros() - Method in class smile.tensor.SparseMatrix
Returns the stream of the non-zero elements.
nonzeros(int, int) - Method in class smile.tensor.SparseMatrix
Returns the stream of the non-zero elements in given column range.
norm() - Method in record class smile.tensor.SVD
Returns the L2 matrix norm that is the largest singular value.
norm(double[]) - Static method in class smile.math.MathEx
L2 vector norm.
norm(float[]) - Static method in class smile.math.MathEx
L2 vector norm.
norm1() - Method in class smile.tensor.Vector
Computes the L1 norm of a vector.
norm1(double[]) - Static method in class smile.math.MathEx
L1 vector norm.
norm1(float[]) - Static method in class smile.math.MathEx
L1 vector norm.
norm2() - Method in class smile.tensor.Vector
Computes the Euclidean (L2) norm of a vector.
norm2(double[]) - Static method in class smile.math.MathEx
L2 vector norm.
norm2(float[]) - Static method in class smile.math.MathEx
L2 vector norm.
normalize() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns the value of the normalize record component.
normalize(double[]) - Static method in class smile.math.MathEx
Normalizes an array to norm 1.
normalize(double[][]) - Static method in class smile.math.MathEx
Unitizes each column of a matrix to unit length (L_2 norm).
normalize(double[][], boolean) - Static method in class smile.math.MathEx
Unitizes each column of a matrix to unit length (L_2 norm).
normalize(String) - Method in interface smile.nlp.normalizer.Normalizer
Normalize the given string.
normalize(String) - Method in class smile.nlp.normalizer.SimpleNormalizer
 
NormalizedMutualInformation - Class in smile.validation.metric
Normalized Mutual Information (NMI) for comparing clustering.
NormalizedMutualInformation(NormalizedMutualInformation.Method) - Constructor for class smile.validation.metric.NormalizedMutualInformation
Constructor.
NormalizedMutualInformation.Method - Enum Class in smile.validation.metric
The normalization method.
normalizedNumberFormat(String) - Method in class smile.plot.vega.FormatConfig
Sets custom normalized number format.
normalizedNumberFormatType(String) - Method in class smile.plot.vega.FormatConfig
Sets custom normalized number format type.
Normalizer - Class in smile.feature.transform
Normalize samples individually to unit norm.
Normalizer - Interface in smile.nlp.normalizer
Normalization transforms text into a canonical form by removing unwanted variations.
Normalizer(Normalizer.Norm, String...) - Constructor for class smile.feature.transform.Normalizer
Constructor.
Normalizer.Norm - Enum Class in smile.feature.transform
Vector norm.
normEps() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the normEps record component.
normInf() - Method in class smile.tensor.Vector
Computes the L-Infinity norm of a vector.
normInf(double[]) - Static method in class smile.math.MathEx
L vector norm.
normInf(float[]) - Static method in class smile.math.MathEx
L vector norm that is the maximum absolute value.
normLayer() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the normLayer record component.
not() - Method in class smile.deep.tensor.Tensor
Returns logical NOT of this tensor.
not(Predicate) - Static method in class smile.plot.vega.Predicate
Logical NOT operation.
not_() - Method in class smile.deep.tensor.Tensor
Returns logical NOT of this tensor.
nrow() - Method in record class smile.data.DataFrame
Returns the number of rows.
nrow() - Method in class smile.data.SparseDataset
Returns the number of rows.
nrow() - Method in class smile.tensor.AtA
 
nrow() - Method in class smile.tensor.BandMatrix
 
nrow() - Method in class smile.tensor.DenseMatrix
 
nrow() - Method in interface smile.tensor.Matrix
Returns the number of rows.
nrow() - Method in class smile.tensor.SparseMatrix
 
nrow() - Method in class smile.tensor.SymmMatrix
 
nrow() - Method in class smile.util.Array2D
Returns the number of rows.
nrow() - Method in class smile.util.IntArray2D
Returns the number of rows.
NSTACK - Static variable in interface smile.sort.QuickSort
The size of auxiliary push down stack.
ntrees() - Method in record class smile.anomaly.IsolationForest.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.classification.RandomForest.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.regression.RandomForest.Options
Returns the value of the ntrees record component.
ntrees() - Method in record class smile.sequence.CRF.Options
Returns the value of the ntrees record component.
nu - Variable in class smile.stat.distribution.ChiSquareDistribution
The degrees of freedom.
nu - Variable in class smile.stat.distribution.TDistribution
The degree of freedom.
nu() - Method in record class smile.anomaly.SVM.Options
Returns the value of the nu record component.
nu1 - Variable in class smile.stat.distribution.FDistribution
The degrees of freedom of chi-square distribution in numerator.
nu2 - Variable in class smile.stat.distribution.FDistribution
The degrees of freedom chi-square distribution in denominator.
NULL() - Static method in class smile.linalg.blas.cblas_h
#define NULL (void*) 0
NullableBooleanType - Static variable in interface smile.data.type.DataTypes
Nullable boolean data type.
NullableBooleanVector - Class in smile.data.vector
A nullable boolean vector.
NullableBooleanVector(String, boolean[], BitSet) - Constructor for class smile.data.vector.NullableBooleanVector
Constructor.
NullableBooleanVector(String, int, BitSet, BitSet) - Constructor for class smile.data.vector.NullableBooleanVector
Constructor.
NullableBooleanVector(StructField, boolean[], BitSet) - Constructor for class smile.data.vector.NullableBooleanVector
Constructor.
NullableBooleanVector(StructField, int, BitSet, BitSet) - Constructor for class smile.data.vector.NullableBooleanVector
Constructor.
NullableByteType - Static variable in interface smile.data.type.DataTypes
Nullable byte data type.
NullableByteVector - Class in smile.data.vector
A nullable byte vector.
NullableByteVector(String, byte[], BitSet) - Constructor for class smile.data.vector.NullableByteVector
Constructor.
NullableByteVector(StructField, byte[], BitSet) - Constructor for class smile.data.vector.NullableByteVector
Constructor.
NullableCharType - Static variable in interface smile.data.type.DataTypes
Nullable char data type.
NullableCharVector - Class in smile.data.vector
A nullable char vector.
NullableCharVector(String, char[], BitSet) - Constructor for class smile.data.vector.NullableCharVector
Constructor.
NullableCharVector(StructField, char[], BitSet) - Constructor for class smile.data.vector.NullableCharVector
Constructor.
NullableDoubleType - Static variable in interface smile.data.type.DataTypes
Nullable double data type.
NullableDoubleVector - Class in smile.data.vector
A nullable double vector.
NullableDoubleVector(String, double[], BitSet) - Constructor for class smile.data.vector.NullableDoubleVector
Constructor.
NullableDoubleVector(StructField, double[], BitSet) - Constructor for class smile.data.vector.NullableDoubleVector
Constructor.
NullableFloatType - Static variable in interface smile.data.type.DataTypes
Nullable float data type.
NullableFloatVector - Class in smile.data.vector
A nullable float vector.
NullableFloatVector(String, float[], BitSet) - Constructor for class smile.data.vector.NullableFloatVector
Constructor.
NullableFloatVector(StructField, float[], BitSet) - Constructor for class smile.data.vector.NullableFloatVector
Constructor.
NullableIntType - Static variable in interface smile.data.type.DataTypes
Nullable integer data type.
NullableIntVector - Class in smile.data.vector
A nullable integer vector.
NullableIntVector(String, int[], BitSet) - Constructor for class smile.data.vector.NullableIntVector
Constructor.
NullableIntVector(StructField, int[], BitSet) - Constructor for class smile.data.vector.NullableIntVector
Constructor.
NullableLongType - Static variable in interface smile.data.type.DataTypes
Nullable long data type.
NullableLongVector - Class in smile.data.vector
A nullable long vector.
NullableLongVector(String, long[], BitSet) - Constructor for class smile.data.vector.NullableLongVector
Constructor.
NullableLongVector(StructField, long[], BitSet) - Constructor for class smile.data.vector.NullableLongVector
Constructor.
NullablePrimitiveVector - Class in smile.data.vector
Abstract base class implementation of ValueVector interface.
NullablePrimitiveVector(StructField, BitSet) - Constructor for class smile.data.vector.NullablePrimitiveVector
Constructor.
NullableShortType - Static variable in interface smile.data.type.DataTypes
Nullable short data type.
NullableShortVector - Class in smile.data.vector
A nullable short vector.
NullableShortVector(String, short[], BitSet) - Constructor for class smile.data.vector.NullableShortVector
Constructor.
NullableShortVector(StructField, short[], BitSet) - Constructor for class smile.data.vector.NullableShortVector
Constructor.
nullDeviance - Variable in class smile.glm.GLM
The null deviance = 2 * (LogLikelihood(Saturated Model) - LogLikelihood(Null Model)).
nullDeviance(double[], double) - Method in interface smile.glm.model.Model
The NULL deviance function.
nullity() - Method in record class smile.tensor.SVD
Returns the dimension of null space.
nullspace() - Method in record class smile.tensor.SVD
Returns the matrix which columns are the orthonormal basis for the null space.
NUMBER - Static variable in class smile.swing.table.NumberCellRenderer
Number cell renderer.
NumberCellRenderer - Class in smile.swing.table
Number renderer in JTable.
NumberCellRenderer() - Constructor for class smile.swing.table.NumberCellRenderer
Constructor.
NumberCellRenderer(int) - Constructor for class smile.swing.table.NumberCellRenderer
Constructor.
NumberCellRenderer(NumberFormat) - Constructor for class smile.swing.table.NumberCellRenderer
Constructor.
numberFormat(String) - Method in class smile.plot.vega.FormatConfig
Sets custom number format.
numberFormatType(String) - Method in class smile.plot.vega.FormatConfig
Sets custom number format type.
NumberVector<T> - Class in smile.data.vector
A number object vector.
NumberVector(StructField, T[]) - Constructor for class smile.data.vector.NumberVector
Constructor.
numClasses() - Method in class smile.classification.AbstractClassifier
 
numClasses() - Method in interface smile.classification.Classifier
Returns the number of classes.
numClasses() - Method in class smile.classification.DecisionTree
 
numClasses() - Method in class smile.classification.MLP
 
numClasses() - Method in class smile.classification.SVM
 
NumericalMeasure - Class in smile.data.measure
Numerical data, also called quantitative data.
NumericalMeasure(NumberFormat) - Constructor for class smile.data.measure.NumericalMeasure
Constructor.
numHeads() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the numHeads record component.
numKvHeads() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the numKvHeads record component.
numLayers() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the numLayers record component.
numLayers() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the numLayers record component.
numLeaves() - Method in class smile.neighbor.RandomProjectionTree
Returns the number of leaf nodes in the tree.
numNodes() - Method in class smile.neighbor.RandomProjectionTree
Returns the number of nodes in the tree.
nystrom(double[][], SpectralClustering.Options) - Static method in class smile.clustering.SpectralClustering
Spectral clustering with Nystrom approximation.
nystrom(T[], double[], T[], MercerKernel, GaussianProcessRegression.Options) - Static method in class smile.regression.GaussianProcessRegression
Fits an approximate Gaussian process model with Nystrom approximation of kernel matrix.
nz() - Method in class smile.data.SparseDataset
Returns the number of nonzero entries.
nz(int) - Method in class smile.data.SparseDataset
Returns the number of nonzero entries in column j.

O

object(Serializable) - Static method in interface smile.io.Write
Writes an object to a temporary file and returns the path of file.
object(Serializable, Path) - Static method in interface smile.io.Write
Writes a serializable object to a file.
object(Class) - Static method in interface smile.data.type.DataTypes
Returns an object data type of given class.
object(Path) - Static method in interface smile.io.Read
Reads a serialized object from a file.
Object - Enum constant in enum class smile.data.type.DataType.ID
Object type ID.
objective() - Method in record class smile.util.AlgoStatus
Returns the value of the objective record component.
ObjectType - Class in smile.data.type
Object data type.
ObjectType - Static variable in interface smile.data.type.DataTypes
Plain Object data type.
ObjectVector<T> - Class in smile.data.vector
A generic vector.
ObjectVector(String, T[]) - Constructor for class smile.data.vector.ObjectVector
Constructor.
ObjectVector(StructField, T[]) - Constructor for class smile.data.vector.ObjectVector
Constructor.
OCSVM<T> - Class in smile.base.svm
One-class support vector machine.
OCSVM(MercerKernel, double, double) - Constructor for class smile.base.svm.OCSVM
Constructor.
of(boolean...) - Static method in class smile.deep.tensor.Index
Returns the index of multiple elements in a dimension.
of(boolean...) - Static method in interface smile.util.Index
Returns the index of multiple elements in a dimension.
of(boolean[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(byte[][]) - Static method in interface smile.hash.SimHash
Returns the SimHash for a set of generic features (represented as byte[]).
of(byte[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(double) - Static method in record class smile.math.Complex
Returns a Complex instance representing the specified value.
of(double[]) - Static method in interface smile.math.Histogram
Generate the histogram of given data.
of(double[]) - Method in class smile.math.kernel.BinarySparseGaussianKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparseHyperbolicTangentKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparseLaplacianKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparseLinearKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparseMaternKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparsePolynomialKernel
 
of(double[]) - Method in class smile.math.kernel.BinarySparseThinPlateSplineKernel
 
of(double[]) - Method in class smile.math.kernel.GaussianKernel
 
of(double[]) - Method in class smile.math.kernel.HellingerKernel
 
of(double[]) - Method in class smile.math.kernel.HyperbolicTangentKernel
 
of(double[]) - Method in class smile.math.kernel.LaplacianKernel
 
of(double[]) - Method in class smile.math.kernel.LinearKernel
 
of(double[]) - Method in class smile.math.kernel.MaternKernel
 
of(double[]) - Method in interface smile.math.kernel.MercerKernel
Returns the same kind kernel with the new hyperparameters.
of(double[]) - Method in class smile.math.kernel.PearsonKernel
 
of(double[]) - Method in class smile.math.kernel.PolynomialKernel
 
of(double[]) - Method in class smile.math.kernel.ProductKernel
 
of(double[]) - Method in class smile.math.kernel.SparseGaussianKernel
 
of(double[]) - Method in class smile.math.kernel.SparseHyperbolicTangentKernel
 
of(double[]) - Method in class smile.math.kernel.SparseLaplacianKernel
 
of(double[]) - Method in class smile.math.kernel.SparseLinearKernel
 
of(double[]) - Method in class smile.math.kernel.SparseMaternKernel
 
of(double[]) - Method in class smile.math.kernel.SparsePolynomialKernel
 
of(double[]) - Method in class smile.math.kernel.SparseThinPlateSplineKernel
 
of(double[]) - Method in class smile.math.kernel.SumKernel
 
of(double[]) - Method in class smile.math.kernel.ThinPlateSplineKernel
 
of(double[]) - Static method in class smile.plot.swing.Bar
Creates a bar shape.
of(double[]) - Static method in class smile.plot.swing.BarPlot
Creates a bar plot.
of(double[]) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(double...) - Static method in class smile.plot.swing.Label
Creates a black label with coordinates as text.
of(double[]) - Static method in class smile.plot.swing.LinePlot
Creates a line plot with the index as the x coordinate.
of(double[]) - Static method in class smile.plot.swing.QQPlot
One sample Q-Q plot to standard normal distribution.
of(double[][]) - Static method in class smile.clustering.linkage.CompleteLinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.SingleLinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.UPGMALinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.UPGMCLinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.WardLinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.WPGMALinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.clustering.linkage.WPGMCLinkage
Computes the proximity and the linkage.
of(double[][]) - Static method in class smile.neighbor.KDTree
Return a KD-tree of the data.
of(double[]...) - Static method in class smile.plot.swing.BoxPlot
Creates a plot with multiple box plots of given data.
of(double[][]) - Static method in class smile.plot.swing.Contour
Creates a contour plot with 10 isolines.
of(double[][]) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with 16-color jet color palette.
of(double[][]) - Static method in class smile.plot.swing.Hexmap
Creates a hexmap with 16-color jet color palette.
of(double[][]) - Static method in class smile.plot.swing.Histogram3D
Creates a 3D histogram plot.
of(double[][]) - Static method in class smile.plot.swing.Line
Creates a Line with solid stroke and black color.
of(double[][]) - Static method in class smile.plot.swing.LinePlot
Creates a line plot.
of(double[][]) - Static method in class smile.plot.swing.Point
Creates a Point with circle mark and black color.
of(double[][]) - Static method in class smile.plot.swing.ScatterPlot
Create a scatter plot.
of(double[][]) - Static method in class smile.plot.swing.Staircase
Creates a Staircase with solid stroke and black color.
of(double[][]) - Static method in class smile.plot.swing.StaircasePlot
Creates a line plot.
of(double[][]) - Static method in class smile.tensor.DenseMatrix
Returns a matrix from a two-dimensional array.
of(double[][][]) - Static method in class smile.plot.swing.Grid
Creates a grid with black lines.
of(double[][], char) - Static method in class smile.plot.swing.Line
Creates a Line.
of(double[][], char) - Static method in class smile.plot.swing.Point
Creates a Point with black color.
of(double[][], char) - Static method in class smile.plot.swing.ScatterPlot
Create a scatter plot.
of(double[][], char, Color) - Static method in class smile.plot.swing.ScatterPlot
Create a scatter plot.
of(double[][], double[], int) - Static method in interface smile.deep.Dataset
Creates a dataset of numeric arrays.
of(double[][], int) - Static method in record class smile.graph.NearestNeighborGraph
Creates a nearest neighbor graph with Euclidean distance.
of(double[][], int) - Static method in class smile.plot.swing.Contour
Creates a contour plot.
of(double[][], int) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with jet color palette.
of(double[][], int) - Static method in class smile.plot.swing.Hexmap
Creates a hexmap with the jet color palette.
of(double[][], int) - Static method in class smile.plot.swing.Surface
Creates a regular mesh surface with the jet color palette.
of(double[][], int[][]) - Static method in class smile.plot.swing.Wireframe
Creates a wireframe plot.
of(double[][], int[], char) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot of multiple groups of data.
of(double[][], int[], int) - Static method in interface smile.deep.Dataset
Creates a dataset of numeric arrays.
of(double[][], int, boolean) - Static method in class smile.neighbor.RandomProjectionTree
Builds a random projection tree.
of(double[][], int, boolean) - Static method in class smile.plot.swing.Histogram3D
Creates a 3D histogram plot.
of(double[][], int, boolean, Color[]) - Static method in class smile.plot.swing.Histogram3D
Creates a 3D histogram plot.
of(double[][], int, int, boolean) - Static method in class smile.neighbor.RandomProjectionForest
Builds a random projection forest.
of(double[][], int, Color[]) - Static method in class smile.plot.swing.Histogram3D
Creates a 3D histogram plot.
of(double[][], Color) - Static method in class smile.plot.swing.Line
Creates a Line.
of(double[][], Color) - Static method in class smile.plot.swing.LinePlot
Creates a line plot.
of(double[][], Color) - Static method in class smile.plot.swing.Point
Creates a Point with circle mark.
of(double[][], Color) - Static method in class smile.plot.swing.ScatterPlot
Create a scatter plot.
of(double[][], Color[]) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with given color palette.
of(double[][], Color[]) - Static method in class smile.plot.swing.Hexmap
Creates a hexmap with given color palette.
of(double[][], Color[]) - Static method in class smile.plot.swing.Surface
Creates a regular mesh surface.
of(double[][], Color, String) - Static method in class smile.plot.swing.StaircasePlot
Creates a line plot.
of(double[][], String...) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a 2-dimensional array.
of(double[][], String[]) - Static method in class smile.plot.swing.BarPlot
Creates a bar plot of multiple groups/colors.
of(double[][], String[], char) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot of multiple groups of data.
of(double[][], Line.Style) - Static method in class smile.plot.swing.Line
Creates a Line.
of(double[][], Line.Style) - Static method in class smile.plot.swing.LinePlot
Creates a line plot.
of(double[][], Line.Style, Color) - Static method in class smile.plot.swing.Line
Creates a Line.
of(double[][], Line.Style, Color) - Static method in class smile.plot.swing.LinePlot
Creates a line plot.
of(double[][], Line.Style, Color, String) - Static method in class smile.plot.swing.LinePlot
Creates a line plot.
of(double[], double[]) - Static method in interface smile.math.Histogram
Generate the histogram of n bins.
of(double[], double[]) - Static method in class smile.plot.swing.QQPlot
Two sample Q-Q plot.
of(double[], double[]) - Static method in class smile.validation.metric.MAD
Calculates the mean absolute deviation error.
of(double[], double[]) - Static method in class smile.validation.metric.MSE
Calculates the mean squared error.
of(double[], double[]) - Static method in class smile.validation.metric.R2
Calculates the R squared coefficient.
of(double[], double[]) - Static method in class smile.validation.metric.RMSE
Calculates the root mean squared error.
of(double[], double[]) - Static method in class smile.validation.metric.RSS
Calculates the residual sum of squares.
of(double[], double[], boolean) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(double[], double[], boolean, Color) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(double[], double[], double[][]) - Static method in class smile.plot.swing.Contour
Creates a contour plot with 10 isolines.
of(double[], double[], double[][]) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with 16-color jet color palette.
of(double[], double[], double[][]) - Static method in class smile.plot.swing.Surface
Creates an irregular mesh grid.
of(double[], double[], double[][], int) - Static method in class smile.plot.swing.Contour
Creates a contour plot.
of(double[], double[], double[][], int) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with jet color palette.
of(double[], double[], double[][], int) - Static method in class smile.plot.swing.Surface
Creates an irregular mesh surface with the jet color palette.
of(double[], double[], double[][], Color[]) - Static method in class smile.plot.swing.Surface
Creates an irregular mesh surface.
of(double[], int) - Static method in interface smile.math.Histogram
Generate the histogram of n bins.
of(double[], int, boolean) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(double[], int, boolean, Color) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(double[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(double[], Color) - Static method in class smile.plot.swing.LinePlot
Creates a line plot with the index as the x coordinate.
of(double[], Line.Style) - Static method in class smile.plot.swing.LinePlot
Creates a line plot with the index as the x coordinate.
of(double[], Line.Style, Color) - Static method in class smile.plot.swing.LinePlot
Creates a line plot with the index as the x coordinate.
of(double[], Line.Style, Color, String) - Static method in class smile.plot.swing.LinePlot
Creates a line plot with the index as the x coordinate.
of(double[], Distribution) - Static method in class smile.plot.swing.QQPlot
One sample Q-Q plot to given distribution.
of(double, double) - Static method in record class smile.math.Complex
Returns a Complex instance representing the specified value.
of(double, double, double[], double[]) - Static method in record class smile.validation.RegressionMetrics
Computes the regression metrics.
of(double, double, int[], int[]) - Static method in record class smile.validation.ClassificationMetrics
Computes the basic classification metrics.
of(double, double, int[], int[], double[][]) - Static method in record class smile.validation.ClassificationMetrics
Computes the soft classification metrics.
of(double, int[][]) - Static method in class smile.association.FPTree
One-step construction of FP-tree if the database is available in main memory.
of(double, Supplier) - Static method in class smile.association.FPTree
One-step construction of FP-tree if the database is available as stream.
of(double, M, Formula, DataFrame) - Static method in record class smile.validation.ClassificationMetrics
Validates a model on a test data.
of(double, M, Formula, DataFrame) - Static method in record class smile.validation.RegressionMetrics
Trains and validates a model on a train/validation split.
of(double, M, T[], double[]) - Static method in record class smile.validation.RegressionMetrics
Validates a model on a test data.
of(double, M, T[], int[]) - Static method in record class smile.validation.ClassificationMetrics
Validates a model on a test data.
of(float[]) - Static method in interface smile.math.Histogram
Generate the histogram of given data.
of(float[][]) - Static method in class smile.tensor.DenseMatrix
Returns a matrix from a two-dimensional array.
of(float[][], float[], int) - Static method in interface smile.deep.Dataset
Creates a dataset of numeric arrays.
of(float[][], int[], int) - Static method in interface smile.deep.Dataset
Creates a dataset of numeric arrays.
of(float[][], String...) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a 2-dimensional array.
of(float[], float[]) - Static method in interface smile.math.Histogram
Generate the histogram of n bins.
of(float[], int) - Static method in interface smile.math.Histogram
Generate the histogram of n bins.
of(float[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(int) - Static method in class smile.deep.tensor.Index
Returns the index of a single element in a dimension.
of(int) - Static method in class smile.util.IntSet
Returns the IntSet of [0, k).
of(int) - Static method in interface smile.validation.LOOCV
Returns the training sample index for each round.
of(int...) - Static method in class smile.deep.tensor.Index
Returns the index of multiple elements in a dimension.
of(int[]) - Static method in interface smile.math.Histogram
Generate the histogram of given data.
of(int[]) - Static method in class smile.plot.swing.Bar
Creates a bar shape.
of(int[]) - Static method in class smile.plot.swing.BarPlot
Creates a bar plot.
of(int[]) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(int...) - Static method in interface smile.util.Index
Returns the index of multiple elements in a dimension.
of(int[]) - Static method in class smile.util.IntSet
Finds the unique values from samples.
of(int[][]) - Static method in class smile.data.BinarySparseDataset
Returns a default implementation of BinarySparseDataset without targets.
of(int[][], String...) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a 2-dimensional array.
of(int[], double[]) - Static method in interface smile.math.Histogram
Generate the histogram of n bins.
of(int[], double[]) - Static method in class smile.validation.metric.AUC
Calculates AUC for binary classifier.
of(int[], double[]) - Static method in class smile.validation.metric.LogLoss
Calculates the Log Loss for binary classifier.
of(int[], double[][]) - Static method in interface smile.validation.metric.CrossEntropy
Calculates the cross entropy for multiclass classifier.
of(int[], double[], boolean) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(int[], double[], boolean, Color) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(int[], int) - Static method in interface smile.math.Histogram
Generate the histogram of k bins.
of(int[], int) - Static method in interface smile.validation.Bootstrap
Stratified bootstrap sampling.
of(int[], int[]) - Static method in class smile.plot.swing.QQPlot
Two sample Q-Q plot.
of(int[], int[]) - Static method in class smile.stat.GoodTuring
Good–Turing frequency estimation.
of(int[], int[]) - Static method in class smile.validation.metric.Accuracy
Calculates the classification accuracy.
of(int[], int[]) - Static method in class smile.validation.metric.AdjustedRandIndex
Calculates the adjusted rand index.
of(int[], int[]) - Static method in record class smile.validation.metric.ConfusionMatrix
Creates the confusion matrix.
of(int[], int[]) - Static method in class smile.validation.metric.Error
Calculates the number of errors.
of(int[], int[]) - Static method in class smile.validation.metric.Fallout
Calculates the false alarm rate.
of(int[], int[]) - Static method in class smile.validation.metric.FDR
Calculates the false discovery rate.
of(int[], int[]) - Static method in class smile.validation.metric.MatthewsCorrelation
Calculates Matthews correlation coefficient.
of(int[], int[]) - Static method in class smile.validation.metric.MutualInformation
Calculates the mutual information.
of(int[], int[]) - Static method in class smile.validation.metric.Precision
Calculates the precision of binary classification.
of(int[], int[]) - Static method in class smile.validation.metric.RandIndex
Calculates the rand index.
of(int[], int[]) - Static method in class smile.validation.metric.Recall
Calculates the recall/sensitivity of binary classification.
of(int[], int[]) - Static method in class smile.validation.metric.Sensitivity
Calculates the sensitivity.
of(int[], int[]) - Static method in class smile.validation.metric.Specificity
Calculates the specificity.
of(int[], int[], double, Averaging) - Static method in class smile.validation.metric.FScore
Calculates the F1 score.
of(int[], int[], Averaging) - Static method in class smile.validation.metric.Precision
Calculates the precision.
of(int[], int[], Averaging) - Static method in class smile.validation.metric.Recall
Calculates the recall/sensitivity.
of(int[], int, boolean) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(int[], int, boolean, Color) - Static method in interface smile.plot.swing.Histogram
Creates a histogram plot.
of(int[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(int[], DiscreteDistribution) - Static method in class smile.plot.swing.QQPlot
One sample Q-Q plot to given discrete distribution.
of(int, int) - Static method in interface smile.validation.Bootstrap
Bootstrap sampling.
of(int, int) - Static method in interface smile.validation.CrossValidation
Creates a k-fold cross validation.
of(int, int[][]) - Static method in class smile.association.FPTree
One-step construction of FP-tree if the database is available in main memory.
of(int, int, int) - Method in interface smile.vq.Neighborhood
Returns the changing rate of neighborhood at a given iteration.
of(int, int, int, int, double[][]) - Static method in class smile.tensor.BandMatrix
Returns a symmetric matrix from a two-dimensional array.
of(int, int, int, int, float[][]) - Static method in class smile.tensor.BandMatrix
Returns a symmetric matrix from a two-dimensional array.
of(int, int, String) - Static method in class smile.base.mlp.Layer
Returns the layer builders given a string representation such as "Input(10, 0.2)|ReLU(50, 0.5)|Sigmoid(30, 0.5)|...".
of(int, int, String...) - Static method in class smile.feature.extraction.RandomProjection
Generates a non-sparse random projection.
of(int, Supplier) - Static method in class smile.association.FPTree
One-step construction of FP-tree if the database is available as stream.
of(long) - Static method in class smile.deep.tensor.Index
Returns the index of a single element in a dimension.
of(long...) - Static method in class smile.deep.tensor.Index
Returns the index of multiple elements in a dimension.
of(long[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(short[], long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor with given data and shape.
of(D[], double[]) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(D[], float[]) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(D[], int[]) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(D[], T[]) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(PropertyDescriptor) - Static method in record class smile.data.type.Property
Returns the property for a bean property.
of(PropertyDescriptor) - Static method in record class smile.data.type.StructField
Returns the struct field of a class property.
of(Class) - Static method in interface smile.data.type.DataType
Returns the DataType of a class.
of(Class) - Static method in record class smile.data.type.Property
Returns the properties of record or bean class.
of(Class) - Static method in record class smile.data.type.StructType
Returns the struct type of record or bean class.
of(Class, List) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a collection of objects.
of(RecordComponent) - Static method in record class smile.data.type.Property
Returns the property for a record component.
of(RecordComponent) - Static method in record class smile.data.type.StructField
Returns the struct field of a record component.
of(String) - Static method in class smile.data.formula.Formula
Parses a formula string.
of(String) - Static method in interface smile.data.type.DataType
Returns a DataType from its string representation.
of(String) - Static method in class smile.llm.llama.Tokenizer
Loads a llama3 tokenizer model.
of(String) - Static method in interface smile.math.kernel.MercerKernel
Returns a kernel function.
of(String) - Static method in interface smile.nlp.keyword.CooccurrenceKeywords
Returns the top 10 keywords.
of(String) - Static method in interface smile.util.function.TimeFunction
Parses a time function.
of(String[], double[][]) - Static method in class smile.plot.swing.TextPlot
Create a text plot.
of(String[], String[], double[][]) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with 16-color jet color palette.
of(String[], String[], double[][], int) - Static method in class smile.plot.swing.Heatmap
Creates a heatmap with jet color palette.
of(String, boolean...) - Static method in interface smile.data.vector.ValueVector
Creates a boolean vector.
of(String, boolean[]...) - Static method in class smile.data.vector.ObjectVector
Creates a boolean array vector.
of(String, byte...) - Static method in interface smile.data.vector.ValueVector
Creates a byte vector.
of(String, byte[]...) - Static method in class smile.data.vector.ObjectVector
Creates a byte array vector.
of(String, char...) - Static method in interface smile.data.vector.ValueVector
Creates a char vector.
of(String, char[]...) - Static method in class smile.data.vector.ObjectVector
Creates a char array vector.
of(String, double...) - Static method in interface smile.data.vector.ValueVector
Creates a named double vector.
of(String, double[]) - Static method in class smile.math.Scaler
Returns the scaler.
of(String, double[]) - Static method in class smile.plot.swing.Label
Creates a black label centered at the coordinates.
of(String, double[]...) - Static method in class smile.data.vector.ObjectVector
Creates a double array vector.
of(String, double[], double, double, double) - Static method in class smile.plot.swing.Label
Creates a black label with system default font.
of(String, float...) - Static method in interface smile.data.vector.ValueVector
Creates a float vector.
of(String, float[]...) - Static method in class smile.data.vector.ObjectVector
Creates a float array vector.
of(String, int) - Static method in interface smile.nlp.keyword.CooccurrenceKeywords
Returns a given number of top keywords.
of(String, int...) - Static method in interface smile.data.vector.ValueVector
Creates an integer vector.
of(String, int[]...) - Static method in class smile.data.vector.ObjectVector
Creates an integer array vector.
of(String, long...) - Static method in interface smile.data.vector.ValueVector
Creates a long vector.
of(String, long[]...) - Static method in class smile.data.vector.ObjectVector
Creates a long integer array vector.
of(String, short...) - Static method in interface smile.data.vector.ValueVector
Creates a short integer vector.
of(String, short[]...) - Static method in class smile.data.vector.ObjectVector
Creates a short integer array vector.
of(String, String...) - Static method in class smile.data.formula.Formula
Factory method.
of(String, String...) - Static method in interface smile.data.vector.ValueVector
Creates a string vector.
of(String, String, boolean) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
of(String, String, double) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
of(String, String, Class, Function) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variable.
of(String, String, String) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
of(String, String, String, Class, BiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variables.
of(String, String, String, ToDoubleBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variables.
of(String, String, String, ToIntBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variables.
of(String, String, String, ToLongBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variables.
of(String, String, ToDoubleFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variable.
of(String, String, ToIntFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variable.
of(String, String, ToLongFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given variable.
of(String, BigDecimal...) - Static method in interface smile.data.vector.ValueVector
Creates a decimal vector.
of(String, Timestamp...) - Static method in interface smile.data.vector.ValueVector
Creates a timestamp vector.
of(String, Instant...) - Static method in interface smile.data.vector.ValueVector
Creates an instant vector.
of(String, LocalDate...) - Static method in interface smile.data.vector.ValueVector
Creates a date vector.
of(String, LocalDateTime...) - Static method in interface smile.data.vector.ValueVector
Creates a datetime vector.
of(String, LocalTime...) - Static method in interface smile.data.vector.ValueVector
Creates a time vector.
of(String, OffsetTime...) - Static method in interface smile.data.vector.ValueVector
Creates a time vector.
of(String, ZonedDateTime...) - Static method in interface smile.data.vector.ValueVector
Creates a datetime vector.
of(String, Term...) - Static method in class smile.data.formula.Formula
Factory method.
of(String, Term, Class, Function) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given term.
of(String, Term, ToDoubleFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given term.
of(String, Term, ToIntFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given term.
of(String, Term, ToLongFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given term.
of(String, Term, Term, Class, BiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given terms.
of(String, Term, Term, ToDoubleBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given terms.
of(String, Term, Term, ToIntBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given terms.
of(String, Term, Term, ToLongBiFunction) - Static method in interface smile.data.formula.Terms
Returns a term that applies a lambda on given terms.
of(Path) - Static method in interface smile.nlp.embedding.GloVe
Loads a GloVe model.
of(Path) - Static method in class smile.nlp.embedding.Word2Vec
Loads a pre-trained word2vec model from binary file of ByteOrder.LITTLE_ENDIAN.
of(Path, ByteOrder) - Static method in class smile.nlp.embedding.Word2Vec
Loads a pre-trained word2vec model from binary file.
of(JDBCType, boolean, String) - Static method in interface smile.data.type.DataType
Returns the DataType of a JDBC type.
of(ResultSet) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a JDBC ResultSet.
of(ResultSet) - Static method in record class smile.data.type.StructType
Returns a struct data type from JDBC result set meta data.
of(ResultSetMetaData, String) - Static method in record class smile.data.type.StructType
Returns a struct data type from JDBC result set meta data.
of(Collection, int, int) - Static method in class smile.nlp.collocation.NGram
Extracts n-gram phrases by an Apiori-like algorithm.
of(Collection) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(List, List) - Static method in interface smile.data.Dataset
Returns a default implementation of Dataset from a collection.
of(List) - Static method in record class smile.validation.ClassificationValidations
Factory method.
of(List) - Static method in record class smile.validation.RegressionValidations
Factory method.
of(List, Distance) - Static method in class smile.neighbor.LinearSearch
Return linear nearest neighbor search.
of(List, Metric) - Static method in class smile.neighbor.BKTree
Return a BK-tree of the data.
of(List, Metric) - Static method in class smile.neighbor.CoverTree
Return a cover tree of the data.
of(List, Metric, double) - Static method in class smile.neighbor.CoverTree
Return a cover tree of the data.
of(Properties) - Static method in record class smile.anomaly.IsolationForest.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.anomaly.SVM.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.AdaBoost.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.DecisionTree.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.GradientTreeBoost.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.LogisticRegression.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.Maxent.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.RandomForest.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.classification.SVM.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.clustering.Clustering.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.clustering.DENCLUE.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.clustering.DeterministicAnnealing.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.clustering.MEC.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.clustering.SpectralClustering.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.glm.GLM.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.ica.ICA.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.IsoMap.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.IsotonicMDS.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.KPCA.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.LaplacianEigenmap.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.LLE.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.MDS.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.SammonMapping.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.TSNE.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.manifold.UMAP.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.ElasticNet.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.GaussianProcessRegression.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.GradientTreeBoost.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.LASSO.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.OLS.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.RandomForest.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.RegressionTree.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.RidgeRegression.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.regression.SVM.Options
Returns the options from properties.
of(Properties) - Static method in record class smile.sequence.CRF.Options
Returns the options from properties.
of(M, Formula, DataFrame) - Static method in record class smile.validation.ClassificationMetrics
Validates a model on a test data.
of(M, Formula, DataFrame) - Static method in record class smile.validation.RegressionMetrics
Trains and validates a model on a train/validation split.
of(M, T[], double[]) - Static method in record class smile.validation.RegressionMetrics
Validates a model on a test data.
of(M, T[], int[]) - Static method in record class smile.validation.ClassificationMetrics
Validates a model on a test data.
of(KernelMachine) - Static method in class smile.base.svm.LinearKernelMachine
Creates a linear kernel machine.
of(DataFrame, String, String, char, Color) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot from a data frame.
of(DataFrame, String, String, String, char) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot from a data frame.
of(DataFrame, String, String, String, char, Color) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot from a data frame.
of(DataFrame, String, String, String, String, char) - Static method in class smile.plot.swing.ScatterPlot
Creates a scatter plot from a data frame.
of(Formula, DataFrame, int) - Static method in interface smile.deep.Dataset
Returns a dataset.
of(Formula, DataFrame, Properties, Classifier.Trainer) - Static method in interface smile.classification.DataFrameClassifier
Fits a vector classifier on data frame.
of(Formula, DataFrame, Properties, Regression.Trainer) - Static method in interface smile.regression.DataFrameRegression
Fits a vector regression model on data frame.
of(Formula, DataFrame, DataFrame, BiFunction) - Static method in record class smile.validation.ClassificationValidation
Trains and validates a model on a train/validation split.
of(Formula, DataFrame, DataFrame, BiFunction) - Static method in record class smile.validation.RegressionValidation
Trains and validates a model on a train/validation split.
of(Term, Term...) - Static method in class smile.data.formula.Formula
Factory method.
of(Property[]) - Static method in record class smile.data.type.StructType
Returns the struct type of record or bean class properties.
of(StructType, double[]) - Static method in interface smile.data.Tuple
Returns a double array based tuple.
of(StructType, int[]) - Static method in interface smile.data.Tuple
Returns an integer array based tuple.
of(StructType, Object[]) - Static method in interface smile.data.Tuple
Returns an object array based tuple.
of(StructType, ResultSet) - Static method in interface smile.data.Tuple
Returns the current row of a JDBC ResultSet as a tuple.
of(StructType, List) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a set of tuples.
of(StructType, Stream) - Static method in record class smile.data.DataFrame
Creates a DataFrame from a stream of tuples.
of(ValueVector...) - Static method in record class smile.data.type.StructType
Returns the schema of a set of columns.
of(Tensor) - Static method in class smile.deep.tensor.Index
Returns the tensor index along a dimension.
of(UPLO, double[][]) - Static method in class smile.tensor.SymmMatrix
Returns a symmetric matrix from a two-dimensional array.
of(UPLO, float[][]) - Static method in class smile.tensor.SymmMatrix
Returns a symmetric matrix from a two-dimensional array.
of(Complex...) - Static method in class smile.math.Complex.Array
Creates a packed array of complex values.
of(Corpus, double, int) - Static method in class smile.nlp.collocation.Bigram
Finds bigram collocations in the given corpus whose p-value is less than the given threshold.
of(Corpus, int, int) - Static method in class smile.nlp.collocation.Bigram
Finds top k bigram collocations in the given corpus.
of(DenseMatrix) - Static method in class smile.tensor.SymmMatrix
Returns a symmetric matrix from a dense matrix.
of(Matrix) - Static method in interface smile.math.PageRank
Calculates the page rank vector.
of(Matrix, int) - Static method in interface smile.tensor.Eigen
Find k-largest approximate eigen pairs of a symmetric matrix by the Lanczos algorithm.
of(Matrix, int, double, int) - Static method in interface smile.tensor.Eigen
Find k-largest approximate eigen pairs of a symmetric matrix by the Lanczos algorithm.
of(Matrix, Vector) - Static method in interface smile.math.PageRank
Calculates the page rank vector.
of(Matrix, Vector, double, double, int) - Static method in interface smile.math.PageRank
Calculates the page rank vector.
of(SparseMatrix) - Static method in class smile.graph.AdjacencyList
Converts the sparse matrix to a graph.
of(SparseMatrix) - Static method in class smile.plot.swing.SparseMatrixPlot
Creates a sparse matrix plot with blue color for nonzero entries.
of(SparseMatrix, int) - Static method in class smile.plot.swing.SparseMatrixPlot
Creates a sparse matrix plot with the jet color palette.
of(SparseArray[]) - Static method in class smile.data.SparseDataset
Returns a default implementation of SparseDataset without targets.
of(SparseArray[], int) - Static method in class smile.data.SparseDataset
Returns a default implementation of SparseDataset without targets.
of(Bag[], Formula, DataFrame, BiFunction) - Static method in record class smile.validation.ClassificationValidation
Trains and validates a model on multiple train/validation split.
of(Bag[], Formula, DataFrame, BiFunction) - Static method in record class smile.validation.RegressionValidation
Trains and validates a model on multiple train/validation split.
of(Bag[], T[], double[], BiFunction) - Static method in record class smile.validation.RegressionValidation
Trains and validates a model on multiple train/validation split.
of(Bag[], T[], int[], BiFunction) - Static method in record class smile.validation.ClassificationValidation
Trains and validates a model on multiple train/validation split.
of(T[], double[], T[], double[], BiFunction) - Static method in record class smile.validation.RegressionValidation
Trains and validates a model on a train/validation split.
of(T[], int[], T[], int[], BiFunction) - Static method in record class smile.validation.ClassificationValidation
Trains and validates a model on a train/validation split.
of(T[], Distance) - Static method in class smile.clustering.linkage.CompleteLinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.SingleLinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.UPGMALinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.UPGMCLinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.WardLinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.WPGMALinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.clustering.linkage.WPGMCLinkage
Computes the proximity and the linkage.
of(T[], Distance) - Static method in class smile.neighbor.LinearSearch
Return linear nearest neighbor search.
of(T[], Distance, int) - Static method in record class smile.graph.NearestNeighborGraph
Creates a nearest neighbor graph.
of(T[], Metric) - Static method in class smile.neighbor.BKTree
Return a BK-tree of the data.
of(T[], Metric) - Static method in class smile.neighbor.CoverTree
Return a cover tree of the data.
of(T[], Metric, double) - Static method in class smile.neighbor.CoverTree
Return a cover tree of the data.
of(T[], RadialBasisFunction[], Metric) - Static method in class smile.base.rbf.RBF
Makes a set of RBF neurons.
of(T[], RadialBasisFunction, Metric) - Static method in class smile.base.rbf.RBF
Makes a set of RBF neurons.
of(T, int, double) - Static method in record class smile.neighbor.Neighbor
Creates a neighbor object, of which key and object are the same.
off_t - Static variable in class smile.linalg.blas.cblas_h
typedef __off_t off_t
offer(E) - Method in class smile.util.PairingHeap
 
offset() - Method in class smile.math.kernel.HyperbolicTangent
Returns the offset of kernel.
offset() - Method in class smile.math.kernel.Polynomial
Returns the offset of kernel.
offset(double) - Method in class smile.plot.vega.Axis
Sets the offset, in pixels, by which to displace the axis from the edge of the enclosing group or data rectangle.
offset(double) - Method in class smile.plot.vega.Legend
Sets the offset, in pixels, by which to displace the legend from the edge of the enclosing group or data rectangle.
offset(String) - Method in class smile.plot.vega.StackTransform
Sets the mode for stacking marks.
ofNullable(String, Boolean...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable boolean vector.
ofNullable(String, Byte...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable byte vector.
ofNullable(String, Character...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable char vector.
ofNullable(String, Double...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable double vector.
ofNullable(String, Float...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable float vector.
ofNullable(String, Integer...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable integer vector.
ofNullable(String, Long...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable long integer vector.
ofNullable(String, Short...) - Static method in interface smile.data.vector.ValueVector
Creates a nullable short integer vector.
OK_OPTION - Static variable in class smile.swing.FontChooser
Return value from showDialog().
OLD_LACE - Static variable in class smile.plot.swing.Palette
The color old lace with an RGB value of #FDF5E6
OLIVE - Static variable in class smile.plot.swing.Palette
The color olive with an RGB value of #808000
OLIVE_DRAB - Static variable in class smile.plot.swing.Palette
The color olive drab with an RGB value of #6B8E23
ols(double[], int) - Static method in class smile.timeseries.AR
Fits an autoregressive model with least squares method.
ols(double[], int, boolean) - Static method in class smile.timeseries.AR
Fits an autoregressive model with least squares method.
OLS - Class in smile.regression
Ordinary least squares.
OLS - Enum constant in enum class smile.timeseries.AR.Method
Ordinary least squares.
OLS.Method - Enum Class in smile.regression
Computational methods to fit the model.
OLS.Options - Record Class in smile.regression
Least squares hyperparameters.
omega() - Method in class smile.math.kernel.PearsonKernel
Returns the tailing factor of the peak.
omit(double[], double) - Static method in class smile.math.MathEx
Returns a new array without the specified value.
omit(float[], float) - Static method in class smile.math.MathEx
Returns a new array without the specified value.
omit(int[], int) - Static method in class smile.math.MathEx
Returns a new array without the specified value.
omitNaN(double[]) - Static method in class smile.math.MathEx
Returns a new array without NaN values.
omitNaN(float[]) - Static method in class smile.math.MathEx
Returns a new array without NaN values.
ONE_HOT - Enum constant in enum class smile.data.CategoricalEncoder
One hot encoding.
onehot() - Method in record class smile.datasets.Weather
Returns the sample features in one-hot encoding.
onehot() - Method in record class smile.datasets.WeatherNominal
Returns the sample features in one-hot encoding.
oneOf(String, double...) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
oneOf(String, String...) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
ones(int) - Method in class smile.tensor.Vector
Returns a one column vector of the same scalar type as this vector.
ones(long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with all ones.
ones(Tensor.Options, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with all ones.
ones(ScalarType, int) - Static method in class smile.tensor.Vector
Returns a one column vector.
OneVersusOne<T> - Class in smile.classification
One-vs-one strategy for reducing the problem of multiclass classification to multiple binary classification problems.
OneVersusOne(Classifier[][], PlattScaling[][]) - Constructor for class smile.classification.OneVersusOne
Constructor.
OneVersusOne(Classifier[][], PlattScaling[][], IntSet) - Constructor for class smile.classification.OneVersusOne
Constructor.
OneVersusRest<T> - Class in smile.classification
One-vs-rest (or one-vs-all) strategy for reducing the problem of multiclass classification to multiple binary classification problems.
OneVersusRest(Classifier[], PlattScaling[]) - Constructor for class smile.classification.OneVersusRest
Constructor.
OneVersusRest(Classifier[], PlattScaling[], IntSet) - Constructor for class smile.classification.OneVersusRest
Constructor.
online() - Method in interface smile.classification.Classifier
Returns true if this is an online learner.
online() - Method in class smile.classification.DiscreteNaiveBayes
 
online() - Method in class smile.classification.LogisticRegression
 
online() - Method in class smile.classification.Maxent
 
online() - Method in class smile.classification.MLP
 
online() - Method in class smile.classification.SparseLogisticRegression
 
online() - Method in class smile.regression.LinearModel
 
online() - Method in class smile.regression.MLP
 
online() - Method in interface smile.regression.Regression
Returns true if this is an online learner.
oob() - Method in record class smile.validation.Bag
Returns the value of the oob record component.
op() - Method in record class smile.plot.vega.WindowTransformField
Returns the value of the op record component.
op(String) - Method in class smile.plot.vega.PivotTransform
Sets the aggregation operation to apply to grouped value field values.
opacity(double) - Method in class smile.plot.vega.Background
Sets the overall opacity.
opacity(double) - Method in class smile.plot.vega.Mark
Sets the overall opacity.
opacity(double) - Method in class smile.plot.vega.ViewConfig
Sets the overall opacity.
open - Variable in enum class smile.nlp.pos.PennTreebankPOS
True if the POS is an open class.
open_memstream(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *open_memstream(char **__bufloc, size_t *__sizeloc)
open_memstream$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *open_memstream(char **__bufloc, size_t *__sizeloc)
open_memstream$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *open_memstream(char **__bufloc, size_t *__sizeloc)
open_memstream$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *open_memstream(char **__bufloc, size_t *__sizeloc)
OPENBLAS___64BIT__() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS___64BIT__ 1
OPENBLAS_ARCH_X86_64() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_ARCH_X86_64 1
OPENBLAS_C_GCC() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_C_GCC 1
OPENBLAS_CHAR_CORENAME() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_CHAR_CORENAME "generic"
OPENBLAS_CLOCAL_BUFFER_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_CLOCAL_BUFFER_SIZE 8192
OPENBLAS_DLOCAL_BUFFER_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_DLOCAL_BUFFER_SIZE 4096
OPENBLAS_DTB_DEFAULT_ENTRIES() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_DTB_DEFAULT_ENTRIES 128
OPENBLAS_DTB_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_DTB_SIZE 4096
OPENBLAS_GEMM_MULTITHREAD_THRESHOLD() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_GEMM_MULTITHREAD_THRESHOLD 4
openblas_get_config() - Static method in class smile.linalg.blas.cblas_h
char *openblas_get_config()
openblas_get_config$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
char *openblas_get_config()
openblas_get_config$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
char *openblas_get_config()
openblas_get_config$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
char *openblas_get_config()
openblas_get_corename() - Static method in class smile.linalg.blas.cblas_h
char *openblas_get_corename()
openblas_get_corename$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
char *openblas_get_corename()
openblas_get_corename$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
char *openblas_get_corename()
openblas_get_corename$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
char *openblas_get_corename()
openblas_get_num_procs() - Static method in class smile.linalg.blas.cblas_h
int openblas_get_num_procs()
openblas_get_num_procs$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
int openblas_get_num_procs()
openblas_get_num_procs$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
int openblas_get_num_procs()
openblas_get_num_procs$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
int openblas_get_num_procs()
openblas_get_num_threads() - Static method in class smile.linalg.blas.cblas_h
int openblas_get_num_threads()
openblas_get_num_threads$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
int openblas_get_num_threads()
openblas_get_num_threads$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
int openblas_get_num_threads()
openblas_get_num_threads$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
int openblas_get_num_threads()
openblas_get_parallel() - Static method in class smile.linalg.blas.cblas_h
int openblas_get_parallel()
openblas_get_parallel$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
int openblas_get_parallel()
openblas_get_parallel$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
int openblas_get_parallel()
openblas_get_parallel$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
int openblas_get_parallel()
OPENBLAS_HAVE_C11() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_HAVE_C11 1
OPENBLAS_L1_DATA_LINESIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_L1_DATA_LINESIZE 128
OPENBLAS_L1_DATA_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_L1_DATA_SIZE 32768
OPENBLAS_L2_ASSOCIATIVE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_L2_ASSOCIATIVE 8
OPENBLAS_L2_LINESIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_L2_LINESIZE 128
OPENBLAS_L2_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_L2_SIZE 512488
OPENBLAS_NEEDBUNDERSCORE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_NEEDBUNDERSCORE 1
OPENBLAS_OPENMP() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_OPENMP 2
OPENBLAS_OS_LINUX() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_OS_LINUX 1
OPENBLAS_SEQUENTIAL() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_SEQUENTIAL 0
openblas_set_num_threads(int) - Static method in class smile.linalg.blas.cblas_h
void openblas_set_num_threads(int num_threads)
openblas_set_num_threads$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
void openblas_set_num_threads(int num_threads)
openblas_set_num_threads$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
void openblas_set_num_threads(int num_threads)
openblas_set_num_threads$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
void openblas_set_num_threads(int num_threads)
openblas_setaffinity(int, long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
int openblas_setaffinity(int thread_idx, size_t cpusetsize, cpu_set_t *cpu_set)
openblas_setaffinity$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
int openblas_setaffinity(int thread_idx, size_t cpusetsize, cpu_set_t *cpu_set)
openblas_setaffinity$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
int openblas_setaffinity(int thread_idx, size_t cpusetsize, cpu_set_t *cpu_set)
openblas_setaffinity$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
int openblas_setaffinity(int thread_idx, size_t cpusetsize, cpu_set_t *cpu_set)
OPENBLAS_SLOCAL_BUFFER_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_SLOCAL_BUFFER_SIZE 4096
OPENBLAS_THREAD() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_THREAD 1
OPENBLAS_VERSION() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_VERSION " OpenBLAS 0.3.20 "
OPENBLAS_ZLOCAL_BUFFER_SIZE() - Static method in class smile.linalg.blas.cblas_h
#define OPENBLAS_ZLOCAL_BUFFER_SIZE 8192
OPENING_PARENTHESIS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ( [ {
OPENING_QUOTATION - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation ` or ``
Operator - Class in smile.data.formula
The infix bifunction term.
Operator(String, Term, Term) - Constructor for class smile.data.formula.Operator
Constructor.
opt2(int[], int) - Method in class smile.graph.Graph
Improves an existing TSP tour with the 2-opt heuristic.
Optimizer - Class in smile.deep
Optimizer functions.
Options() - Constructor for record class smile.anomaly.IsolationForest.Options
Constructor.
Options() - Constructor for record class smile.anomaly.SVM.Options
Constructor.
Options() - Constructor for record class smile.classification.DecisionTree.Options
Constructor.
Options() - Constructor for record class smile.classification.LogisticRegression.Options
Constructor.
Options() - Constructor for record class smile.classification.Maxent.Options
Constructor.
Options() - Constructor for class smile.deep.tensor.Tensor.Options
Constructor with default values for every axis.
Options() - Constructor for record class smile.glm.GLM.Options
Constructor.
Options() - Constructor for record class smile.manifold.IsotonicMDS.Options
Constructor.
Options() - Constructor for record class smile.manifold.MDS.Options
Constructor.
Options() - Constructor for record class smile.regression.OLS.Options
Constructor.
Options() - Constructor for record class smile.regression.RegressionTree.Options
Constructor.
Options() - Constructor for record class smile.sequence.CRF.Options
Constructor.
Options(double) - Constructor for record class smile.classification.SVM.Options
Constructor.
Options(double) - Constructor for record class smile.regression.GaussianProcessRegression.Options
Constructor.
Options(double) - Constructor for record class smile.regression.LASSO.Options
Constructor.
Options(double) - Constructor for record class smile.regression.RidgeRegression.Options
Constructor.
Options(double[], double[]) - Constructor for record class smile.regression.RidgeRegression.Options
Constructor.
Options(double, boolean) - Constructor for record class smile.regression.GaussianProcessRegression.Options
Constructor.
Options(double, boolean, double, int) - Constructor for record class smile.regression.GaussianProcessRegression.Options
Constructor.
Options(double, double) - Constructor for record class smile.anomaly.SVM.Options
Constructor.
Options(double, double) - Constructor for record class smile.regression.ElasticNet.Options
Constructor.
Options(double, double) - Constructor for record class smile.regression.RidgeRegression.Options
Constructor.
Options(double, double) - Constructor for record class smile.regression.SVM.Options
Constructor.
Options(double, double, double) - Constructor for record class smile.regression.SVM.Options
Constructor.
Options(double, double, double, int) - Constructor for record class smile.regression.ElasticNet.Options
Constructor.
Options(double, double, double, int, double, double, double, int, int) - Constructor for record class smile.regression.ElasticNet.Options
Constructor.
Options(double, double, int) - Constructor for record class smile.classification.LogisticRegression.Options
Constructor.
Options(double, double, int) - Constructor for record class smile.classification.Maxent.Options
Constructor.
Options(double, double, int) - Constructor for record class smile.classification.SVM.Options
Constructor.
Options(double, double, int) - Constructor for record class smile.regression.LASSO.Options
Constructor.
Options(double, double, int, double, double, double, int, int) - Constructor for record class smile.regression.LASSO.Options
Constructor.
Options(double, int) - Constructor for record class smile.clustering.DENCLUE.Options
Constructor.
Options(double, int) - Constructor for record class smile.glm.GLM.Options
Constructor.
Options(double, int, int, double) - Constructor for record class smile.clustering.DENCLUE.Options
Constructor.
Options(int) - Constructor for record class smile.classification.AdaBoost.Options
Constructor.
Options(int) - Constructor for record class smile.classification.GradientTreeBoost.Options
Constructor.
Options(int) - Constructor for record class smile.classification.RandomForest.Options
Constructor.
Options(int) - Constructor for record class smile.manifold.IsoMap.Options
Constructor.
Options(int) - Constructor for record class smile.manifold.KPCA.Options
Constructor.
Options(int) - Constructor for record class smile.manifold.LaplacianEigenmap.Options
Constructor.
Options(int) - Constructor for record class smile.manifold.LLE.Options
Constructor.
Options(int) - Constructor for record class smile.manifold.UMAP.Options
Constructor.
Options(int) - Constructor for record class smile.regression.GradientTreeBoost.Options
Constructor with the least absolute deviation loss.
Options(int) - Constructor for record class smile.regression.RandomForest.Options
Constructor.
Options(int, boolean) - Constructor for record class smile.manifold.MDS.Options
Constructor.
Options(int, double) - Constructor for record class smile.clustering.MEC.Options
Constructor.
Options(int, double) - Constructor for record class smile.manifold.KPCA.Options
Constructor.
Options(int, double, double, double, int) - Constructor for record class smile.manifold.TSNE.Options
Constructor.
Options(int, double, double, double, int, int, double, double, double, int, double, IterativeAlgorithmController) - Constructor for record class smile.manifold.TSNE.Options
Constructor.
Options(int, double, int) - Constructor for record class smile.clustering.DeterministicAnnealing.Options
Constructor.
Options(int, double, int) - Constructor for record class smile.clustering.SpectralClustering.Options
Constructor.
Options(int, double, int) - Constructor for record class smile.manifold.IsotonicMDS.Options
Constructor.
Options(int, double, int) - Constructor for record class smile.manifold.SammonMapping.Options
Constructor.
Options(int, double, int, double, double, IterativeAlgorithmController) - Constructor for record class smile.clustering.DeterministicAnnealing.Options
Constructor.
Options(int, double, int, double, double, IterativeAlgorithmController) - Constructor for record class smile.manifold.SammonMapping.Options
Constructor.
Options(int, double, int, double, IterativeAlgorithmController) - Constructor for record class smile.clustering.MEC.Options
Constructor.
Options(int, int) - Constructor for record class smile.clustering.Clustering.Options
Constructor.
Options(int, int) - Constructor for record class smile.manifold.LLE.Options
Constructor.
Options(int, int) - Constructor for record class smile.regression.RandomForest.Options
Constructor.
Options(int, int, boolean) - Constructor for record class smile.manifold.IsoMap.Options
Constructor.
Options(int, int, double) - Constructor for record class smile.manifold.LaplacianEigenmap.Options
Constructor.
Options(int, int, double, int) - Constructor for record class smile.anomaly.IsolationForest.Options
Constructor.
Options(int, int, double, int) - Constructor for record class smile.clustering.SpectralClustering.Options
Constructor.
Options(int, int, double, int, double, IterativeAlgorithmController) - Constructor for record class smile.clustering.SpectralClustering.Options
Constructor.
Options(int, int, double, IterativeAlgorithmController) - Constructor for record class smile.clustering.Clustering.Options
Constructor.
Options(int, int, int) - Constructor for record class smile.regression.RegressionTree.Options
Constructor.
Options(int, int, int) - Constructor for record class smile.vision.layer.Conv2dNormActivation.Options
Constructor.
Options(int, int, int, double, double, double, int, double, double) - Constructor for record class smile.manifold.UMAP.Options
Constructor.
Options(int, int, int, int, double) - Constructor for record class smile.sequence.CRF.Options
Constructor.
Options(int, int, int, int, double, double, DataFrame, IterativeAlgorithmController) - Constructor for record class smile.classification.GradientTreeBoost.Options
Constructor.
Options(int, int, int, int, int) - Constructor for record class smile.classification.RandomForest.Options
Constructor.
Options(int, int, int, int, int, double, long[], IterativeAlgorithmController) - Constructor for record class smile.regression.RandomForest.Options
Constructor.
Options(int, int, int, int, int, int, int, IntFunction, ActivationFunction) - Constructor for record class smile.vision.layer.Conv2dNormActivation.Options
Constructor.
Options(int, int, int, int, int, IntFunction, ActivationFunction) - Constructor for record class smile.vision.layer.Conv2dNormActivation.Options
Constructor.
Options(int, int, int, int, IntFunction, ActivationFunction) - Constructor for record class smile.vision.layer.Conv2dNormActivation.Options
Constructor.
Options(int, int, int, int, DataFrame, IterativeAlgorithmController) - Constructor for record class smile.classification.AdaBoost.Options
Constructor.
Options(int, int, int, IntFunction, ActivationFunction) - Constructor for record class smile.vision.layer.Conv2dNormActivation.Options
Constructor.
Options(int, int, SplitRule, int, int, int, double, int[], long[], IterativeAlgorithmController) - Constructor for record class smile.classification.RandomForest.Options
Constructor.
Options(String, int) - Constructor for record class smile.ica.ICA.Options
Constructor.
Options(Loss, int) - Constructor for record class smile.regression.GradientTreeBoost.Options
Constructor.
Options(Loss, int, int, int, int, double, double, DataFrame, IterativeAlgorithmController) - Constructor for record class smile.regression.GradientTreeBoost.Options
Constructor.
Options(SplitRule, int, int, int) - Constructor for record class smile.classification.DecisionTree.Options
Constructor.
Options(OLS.Method, boolean, boolean) - Constructor for record class smile.regression.OLS.Options
Creates an instance of a Options record class.
Options(DifferentiableFunction, int) - Constructor for record class smile.ica.ICA.Options
Constructor.
Options(DifferentiableFunction, int, double) - Constructor for record class smile.ica.ICA.Options
Constructor.
or(Tensor) - Method in class smile.deep.tensor.Tensor
Returns logical OR of two boolean tensors.
or(Predicate...) - Static method in class smile.plot.vega.Predicate
Logical OR composition to combine predicates.
or_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns logical OR of two boolean tensors.
ORANGE - Static variable in class smile.plot.swing.Palette
The color orange with an RGB value of #FFA500
ORANGE_RED - Static variable in class smile.plot.swing.Palette
The color orange red with an RGB value of #FF4500
ORCHID - Static variable in class smile.plot.swing.Palette
The color orchid with an RGB value of #DA70D6
order - Variable in class smile.base.cart.CART
An index of training values.
order() - Method in record class smile.plot.vega.SortField
Returns the value of the order record component.
order() - Method in class smile.tensor.DenseMatrix
Returns the matrix layout.
order() - Method in class smile.tensor.SymmMatrix
Returns the matrix layout.
order(boolean) - Method in class smile.plot.vega.Mark
For line and trail marks, sets this order property false to make the lines use the original order in the data sources.
order(int) - Method in class smile.plot.vega.RegressionTransform
Sets the polynomial order (number of coefficients) for the "poly" method.
order(DataFrame) - Static method in class smile.base.cart.CART
Returns the index of ordered samples for each ordinal column.
Order - Enum Class in smile.linalg
Matrix layout.
ordinal(int) - Static method in interface smile.util.Strings
Returns the string representation of ordinal number with suffix.
ordinal(String, Enum...) - Static method in interface smile.data.vector.ValueVector
Creates a nominal value vector.
ordinal(String, String...) - Static method in interface smile.data.vector.ValueVector
Creates a nominal value vector.
OrdinalNode - Class in smile.base.cart
A node with an ordinal split variable (real-valued or ordinal categorical value).
OrdinalNode(int, double, double, double, Node, Node) - Constructor for class smile.base.cart.OrdinalNode
Constructor.
OrdinalScale - Class in smile.data.measure
The ordinal type allows for rank order (1st, 2nd, 3rd, etc.) by which data can be sorted, but still does not allow for relative degree of difference between them.
OrdinalScale(int[], String[]) - Constructor for class smile.data.measure.OrdinalScale
Constructor.
OrdinalScale(Class) - Constructor for class smile.data.measure.OrdinalScale
Constructor.
OrdinalScale(String...) - Constructor for class smile.data.measure.OrdinalScale
Constructor.
OrdinalScale(List) - Constructor for class smile.data.measure.OrdinalScale
Constructor.
OrdinalSplit - Class in smile.base.cart
The data about of a potential split for a leaf node.
OrdinalSplit(LeafNode, int, double, double, int, int, int, int, IntPredicate) - Constructor for class smile.base.cart.OrdinalSplit
Constructor.
orient(String) - Method in class smile.plot.vega.Axis
Sets the orientation of the axis.
orient(String) - Method in class smile.plot.vega.Legend
Sets the orientation of the legend.
orient(String) - Method in class smile.plot.vega.Mark
Sets the orientation of a non-stacked bar, tick, area, and line charts.
out() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the out record component.
outer(Tensor) - Method in class smile.deep.tensor.Tensor
Returns the outer product of two tensors.
outerRadius(double) - Method in class smile.plot.vega.Mark
Sets the primary (inner) radius in pixels for arc mark.
OUTLIER - Static variable in interface smile.clustering.Clustering
Cluster label for outliers or noises.
OUTLIER - Static variable in interface smile.vq.VectorQuantizer
The label for outliers or noises.
output - Variable in class smile.base.mlp.Layer
The output vector.
output - Variable in class smile.base.mlp.MultilayerPerceptron
The output layer.
output() - Method in class smile.base.cart.DecisionNode
Returns the predicted value.
output() - Method in class smile.base.cart.RegressionNode
Returns the predicted value.
output() - Method in class smile.base.mlp.Layer
Returns the output vector.
output(int[], int[]) - Method in interface smile.base.cart.Loss
Calculates the node output.
outputChannels() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the outputChannels record component.
OutputFunction - Enum Class in smile.base.mlp
The output function of neural networks.
outputGradient - Variable in class smile.base.mlp.Layer
The output gradient.
OutputLayer - Class in smile.base.mlp
The output layer in the neural network.
OutputLayer(int, int, OutputFunction, Cost) - Constructor for class smile.base.mlp.OutputLayer
Constructor.
OutputLayerBuilder - Class in smile.base.mlp
The builder of output layers.
OutputLayerBuilder(int, OutputFunction, Cost) - Constructor for class smile.base.mlp.OutputLayerBuilder
Constructor.
OVERWRITE - Enum constant in enum class smile.linalg.SVDJob
The first min(m, n) singular vectors are overwritten on the matrix A.

P

p - Variable in class smile.base.mlp.Layer
The number of input variables.
p - Variable in class smile.base.mlp.MultilayerPerceptron
The dimensionality of input data.
p - Variable in class smile.stat.distribution.BernoulliDistribution
Probability of success.
p - Variable in class smile.stat.distribution.BinomialDistribution
The probability of success.
p - Variable in class smile.stat.distribution.EmpiricalDistribution
The probabilities for each x.
p - Variable in class smile.stat.distribution.GeometricDistribution
Probability of success on each trial.
p - Variable in class smile.stat.distribution.NegativeBinomialDistribution
The success probability in each experiment.
p - Variable in class smile.stat.distribution.ShiftedGeometricDistribution
The probability of success.
p - Variable in class smile.stat.GoodTuring
The probabilities corresponding to the observed frequencies.
p() - Method in class smile.data.BinarySparseSequenceDataset
Returns the number of features of sequence elements.
p() - Method in class smile.timeseries.AR
Returns the order of AR.
p() - Method in class smile.timeseries.ARMA
Returns the order of AR.
p(double) - Method in class smile.stat.distribution.BetaDistribution
 
p(double) - Method in class smile.stat.distribution.ChiSquareDistribution
 
p(double) - Method in class smile.stat.distribution.DiscreteDistribution
 
p(double) - Method in interface smile.stat.distribution.Distribution
The probability density function for continuous distribution or probability mass function for discrete distribution at x.
p(double) - Method in class smile.stat.distribution.ExponentialDistribution
 
p(double) - Method in class smile.stat.distribution.FDistribution
 
p(double) - Method in class smile.stat.distribution.GammaDistribution
 
p(double) - Method in class smile.stat.distribution.GaussianDistribution
 
p(double) - Method in class smile.stat.distribution.KernelDensity
 
p(double) - Method in class smile.stat.distribution.LogisticDistribution
 
p(double) - Method in class smile.stat.distribution.LogNormalDistribution
 
p(double) - Method in class smile.stat.distribution.Mixture
 
p(double) - Method in class smile.stat.distribution.TDistribution
 
p(double) - Method in class smile.stat.distribution.WeibullDistribution
 
p(double[]) - Method in interface smile.stat.distribution.MultivariateDistribution
The probability density function for continuous distribution or probability mass function for discrete distribution at x.
p(double[]) - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
p(double[]) - Method in class smile.stat.distribution.MultivariateMixture
 
p(int) - Method in class smile.stat.distribution.BernoulliDistribution
 
p(int) - Method in class smile.stat.distribution.BinomialDistribution
 
p(int) - Method in class smile.stat.distribution.DiscreteDistribution
The probability mass function.
p(int) - Method in class smile.stat.distribution.DiscreteMixture
 
p(int) - Method in class smile.stat.distribution.EmpiricalDistribution
 
p(int) - Method in class smile.stat.distribution.GeometricDistribution
 
p(int) - Method in class smile.stat.distribution.HyperGeometricDistribution
 
p(int) - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
p(int) - Method in class smile.stat.distribution.PoissonDistribution
 
p(int) - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
p(int[]) - Method in class smile.sequence.HMM
Returns the probability of an observation sequence given this HMM.
p(int[], int[]) - Method in class smile.sequence.HMM
Returns the joint probability of an observation sequence along a state sequence given this HMM.
p(T[]) - Method in class smile.sequence.HMMLabeler
Returns the probability of an observation sequence.
p(T[], int[]) - Method in class smile.sequence.HMMLabeler
Returns the joint probability of an observation sequence along a state sequence.
P_tmpdir() - Static method in class smile.linalg.blas.cblas_h
#define P_tmpdir "/tmp"
p0 - Variable in class smile.stat.GoodTuring
The joint probability of all unobserved species.
pacf(double[], int) - Static method in interface smile.timeseries.TimeSeries
Partial auto-correlation function.
pad() - Method in class smile.llm.llama.Tokenizer
Returns the padding token id.
padAngle(double) - Method in class smile.plot.vega.Mark
Setsthe angular padding applied to sides of the arc in radians.
padding() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the padding record component.
padding(double) - Method in class smile.plot.vega.Legend
Sets the padding between the border and content of the legend group.
padding(int) - Method in class smile.plot.vega.Concat
 
padding(int) - Method in class smile.plot.vega.Config
Specifies padding for all sides.
padding(int) - Method in class smile.plot.vega.Facet
 
padding(int) - Method in class smile.plot.vega.Repeat
 
padding(int) - Method in class smile.plot.vega.VegaLite
Specifies padding for all sides.
padding(int) - Method in class smile.plot.vega.View
 
padding(int, int, int, int) - Method in class smile.plot.vega.Concat
 
padding(int, int, int, int) - Method in class smile.plot.vega.Config
Specifies padding for each side.
padding(int, int, int, int) - Method in class smile.plot.vega.Facet
 
padding(int, int, int, int) - Method in class smile.plot.vega.Repeat
 
padding(int, int, int, int) - Method in class smile.plot.vega.VegaLite
Specifies padding for each side.
padding(int, int, int, int) - Method in class smile.plot.vega.View
 
pageDown() - Method in class smile.swing.table.PageTableModel
Moves to next page and fire a data changed (all rows).
PageRank - Interface in smile.math
PageRank is a link analysis algorithm, and it assigns a numerical weighting to each element of a hyperlinked set of documents, such as the World Wide Web, with the purpose of "measuring" its relative importance within the set.
PageTableModel - Class in smile.swing.table
A table model that performs "paging" of its data.
PageTableModel() - Constructor for class smile.swing.table.PageTableModel
Default constructor.
PageTableModel(int) - Constructor for class smile.swing.table.PageTableModel
Constructor.
pageUp() - Method in class smile.swing.table.PageTableModel
Moves to previous page and fire a data changed (all rows).
paint(Renderer) - Method in class smile.plot.swing.Axis
Draws the axis.
paint(Renderer) - Method in class smile.plot.swing.Bar
 
paint(Renderer) - Method in class smile.plot.swing.BarPlot
 
paint(Renderer) - Method in class smile.plot.swing.BoxPlot
 
paint(Renderer) - Method in class smile.plot.swing.Contour
 
paint(Renderer) - Method in class smile.plot.swing.Dendrogram
 
paint(Renderer) - Method in class smile.plot.swing.Figure
Paints the figure.
paint(Renderer) - Method in class smile.plot.swing.Grid
 
paint(Renderer) - Method in class smile.plot.swing.Heatmap
 
paint(Renderer) - Method in class smile.plot.swing.Hexmap
 
paint(Renderer) - Method in class smile.plot.swing.Histogram3D
 
paint(Renderer) - Method in class smile.plot.swing.Isoline
Paints the contour line.
paint(Renderer) - Method in class smile.plot.swing.Label
 
paint(Renderer) - Method in class smile.plot.swing.Line
 
paint(Renderer) - Method in class smile.plot.swing.LinePlot
 
paint(Renderer) - Method in class smile.plot.swing.Point
 
paint(Renderer) - Method in class smile.plot.swing.QQPlot
 
paint(Renderer) - Method in class smile.plot.swing.ScatterPlot
 
paint(Renderer) - Method in class smile.plot.swing.ScreePlot
 
paint(Renderer) - Method in class smile.plot.swing.Shape
Draws the shape.
paint(Renderer) - Method in class smile.plot.swing.SparseMatrixPlot
 
paint(Renderer) - Method in class smile.plot.swing.Staircase
 
paint(Renderer) - Method in class smile.plot.swing.StaircasePlot
 
paint(Renderer) - Method in class smile.plot.swing.Surface
 
paint(Renderer) - Method in class smile.plot.swing.TextPlot
 
paint(Renderer) - Method in class smile.plot.swing.Wireframe
 
paintComponent(Graphics) - Method in class smile.plot.swing.Canvas
 
paintIcon(Component, Graphics, int, int) - Method in record class smile.swing.AlphaIcon
Paints the wrapped icon with this AlphaIcon's transparency.
PairingHeap<E> - Class in smile.util
A pairing heap is a type of heap data structure with relatively simple implementation and excellent practical amortized performance.
PairingHeap() - Constructor for class smile.util.PairingHeap
Constructor.
PairingHeap.Node - Class in smile.util
A multiway tree node in the pairing heap.
PALE_GOLDENROD - Static variable in class smile.plot.swing.Palette
The color pale goldenrod with an RGB value of #EEE8AA
PALE_GREEN - Static variable in class smile.plot.swing.Palette
The color pale green with an RGB value of #98FB98
PALE_TURQUOISE - Static variable in class smile.plot.swing.Palette
The color pale turquoise with an RGB value of #AFEEEE
PALE_VIOLET_RED - Static variable in class smile.plot.swing.Palette
The color pale violet red with an RGB value of #DB7093
Palette - Class in smile.plot.swing
Color palette generator.
PAPAYA_WHIP - Static variable in class smile.plot.swing.Palette
The color papaya whip with an RGB value of #FFEFD5
ParagraphSplitter - Interface in smile.nlp.tokenizer
A paragraph splitter segments text into paragraphs.
parallels(double...) - Method in class smile.plot.vega.Projection
For conic projections, sets the two standard parallels that define the map layout.
param() - Method in record class smile.plot.vega.WindowTransformField
Returns the value of the param record component.
parameters() - Method in record class smile.math.LevenbergMarquardt
Returns the value of the parameters record component.
params(boolean) - Method in class smile.plot.vega.RegressionTransform
Sets if the transform should return the regression model parameters (one object per group), rather than trend line points.
parquet(String) - Static method in interface smile.io.Read
Reads an Apache Parquet file.
parquet(String, String...) - Method in class smile.data.SQL
Creates an in-memory table from parquet files.
parquet(String, Map, String...) - Method in class smile.data.SQL
Creates an in-memory table from parquet files.
parquet(Path) - Static method in interface smile.io.Read
Reads an Apache Parquet file.
Parquet - Class in smile.io
Apache Parquet is a columnar storage format that supports nested data structures.
parseDoubleArray(String) - Static method in interface smile.util.Strings
Parses a double array in format '[1.0, 2.0, 3.0]'.
parseIntArray(String) - Static method in interface smile.util.Strings
Parses an integer array in format '[1, 2, 3]'.
parser() - Method in record class smile.data.type.StructType
Returns the lambda functions that parse field values.
partition(double) - Method in record class smile.clustering.HierarchicalClustering
Cuts a tree into several groups by specifying the cut height.
partition(int) - Method in record class smile.clustering.HierarchicalClustering
Cuts a tree into several groups by specifying the desired number.
Partitioning - Class in smile.clustering
Clustering partitions.
Partitioning(int, int[]) - Constructor for class smile.clustering.Partitioning
Constructor.
path(double[]) - Method in class smile.anomaly.IsolationTree
Returns the path length from the root to the leaf node.
Paths - Interface in smile.io
Static methods that return a Path by converting a path string or URI.
PCA - Class in smile.feature.extraction
Principal component analysis.
PCA(Vector, Vector, DenseMatrix, DenseMatrix, String...) - Constructor for class smile.feature.extraction.PCA
Constructor.
pcgMaxIter() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the pcgMaxIter record component.
pcgMaxIter() - Method in record class smile.regression.LASSO.Options
Returns the value of the pcgMaxIter record component.
pclose(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int pclose(FILE *__stream)
pclose$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int pclose(FILE *__stream)
pclose$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int pclose(FILE *__stream)
pclose$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int pclose(FILE *__stream)
pdist(double[][]) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(double[][], boolean) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(float[][]) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(float[][], boolean) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(int[][]) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple binary sparse vectors.
pdist(int[][], boolean) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple binary sparse vectors.
pdist(SparseArray[]) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(SparseArray[], boolean) - Static method in class smile.math.MathEx
Returns the pairwise distance matrix of multiple vectors.
pdist(T[]) - Method in interface smile.math.distance.Distance
Returns the pairwise distance matrix.
pdist(T[], double[][], Distance) - Static method in class smile.math.MathEx
Computes the pairwise distance matrix of multiple vectors.
pdist(T[], T[]) - Method in interface smile.math.distance.Distance
Returns the pairwise distance matrix.
pdot(double[][]) - Static method in class smile.math.MathEx
Returns the pairwise dot product matrix of double vectors.
pdot(float[][]) - Static method in class smile.math.MathEx
Returns the pairwise dot product matrix of float vectors.
pdot(int[][]) - Static method in class smile.math.MathEx
Returns the pairwise dot product matrix of binary sparse vectors.
pdot(SparseArray[]) - Static method in class smile.math.MathEx
Returns the pairwise dot product matrix of multiple vectors.
PDT - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Predeterminer.
PEACH_PUFF - Static variable in class smile.plot.swing.Palette
The color peach puff with an RGB value of #FFDAB9
pearson(double[], double[]) - Static method in record class smile.stat.hypothesis.CorTest
Pearson correlation coefficient test.
PearsonKernel - Class in smile.math.kernel
Pearson VII universal kernel.
PearsonKernel(double, double) - Constructor for class smile.math.kernel.PearsonKernel
Constructor.
PearsonKernel(double, double, double, double) - Constructor for class smile.math.kernel.PearsonKernel
Constructor.
peek() - Method in class smile.sort.DoubleHeapSelect
Returns the k-th smallest value seen so far.
peek() - Method in class smile.sort.FloatHeapSelect
Returns the k-th smallest value seen so far.
peek() - Method in class smile.sort.HeapSelect
Returns the k-th smallest value seen so far.
peek() - Method in class smile.sort.IntHeapSelect
Returns the k-th smallest value seen so far.
peek() - Method in class smile.util.PairingHeap
 
PenDigits - Record Class in smile.datasets
Pen-based recognition of handwritten digits dataset.
PenDigits() - Constructor for record class smile.datasets.PenDigits
Constructor.
PenDigits(Path) - Constructor for record class smile.datasets.PenDigits
Constructor.
PenDigits(DataFrame, Formula) - Constructor for record class smile.datasets.PenDigits
Creates an instance of a PenDigits record class.
PennTreebankPOS - Enum Class in smile.nlp.pos
The Penn Treebank Tag set.
PennTreebankTokenizer - Class in smile.nlp.tokenizer
A word tokenizer that tokenizes English sentences using the conventions used by the Penn Treebank.
Percent - Static variable in interface smile.data.measure.Measure
Percent.
PERCENT - Static variable in class smile.swing.table.NumberCellRenderer
Percentage cell renderer.
PerfectHash - Class in smile.hash
A perfect hash of an array of strings to their index in the array.
PerfectHash(int[], String...) - Constructor for class smile.hash.PerfectHash
Constructor.
PerfectHash(String...) - Constructor for class smile.hash.PerfectHash
Constructor.
PerfectMap<T> - Class in smile.hash
Perfect hash based immutable map.
PerfectMap.Builder<T> - Class in smile.hash
The builder of perfect map.
permutate(double[]) - Static method in class smile.math.MathEx
Permutates an array.
permutate(double[]) - Method in class smile.math.Random
Permutates an array.
permutate(float[]) - Static method in class smile.math.MathEx
Permutates an array.
permutate(float[]) - Method in class smile.math.Random
Permutates an array.
permutate(int) - Static method in class smile.math.MathEx
Returns a permutation of (0, 1, 2, ..., n-1).
permutate(int) - Method in class smile.math.Random
Returns a permutation of (0, 1, 2, ..., n-1).
permutate(int[]) - Static method in class smile.math.MathEx
Permutates an array.
permutate(int[]) - Method in class smile.math.Random
Permutates an array.
permutate(Object[]) - Static method in class smile.math.MathEx
Permutates an array.
permutate(Object[]) - Method in class smile.math.Random
Permutates an array.
permute(long...) - Method in class smile.deep.tensor.Tensor
Returns a view of the original tensor input with its dimensions permuted.
perplexity() - Method in record class smile.manifold.TSNE.Options
Returns the value of the perplexity record component.
perror(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void perror(const char *__s)
perror$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void perror(const char *__s)
perror$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void perror(const char *__s)
perror$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void perror(const char *__s)
PERU - Static variable in class smile.plot.swing.Palette
The color peru with an RGB value of #CD853F
phase() - Method in record class smile.math.Complex
Returns the angle/phase/argument between -pi and pi.
PHONE_NUMBER - Static variable in interface smile.util.Regex
U.S.
PHONE_NUMBER_EXTENSION - Static variable in interface smile.util.Regex
U.S.
pid_t - Static variable in class smile.linalg.blas.cblas_h
typedef __pid_t pid_t
piecewise(int[], double[]) - Static method in interface smile.util.function.TimeFunction
Returns the piecewise constant learning rate.
piecewise(int[], TimeFunction...) - Static method in interface smile.util.function.TimeFunction
Returns the piecewise constant learning rate.
pierce(double[], int) - Static method in class smile.timeseries.BoxTest
Box-Pierce test.
PINK - Static variable in class smile.plot.swing.Palette
The color pink with an RGB value of #FFC0CB
pinv() - Method in record class smile.tensor.SVD
Returns the pseudo inverse.
pipeline(Transform...) - Static method in interface smile.data.transform.Transform
Returns a pipeline of data transforms.
pivot(String, String) - Method in class smile.plot.vega.Transform
Adds a pivot transform.
PivotTransform - Class in smile.plot.vega
The pivot transform maps unique values from a field to new aggregated fields (columns) in the output stream.
Planes2D - Record Class in smile.datasets
2D planes synthetic dataset.
Planes2D() - Constructor for record class smile.datasets.Planes2D
Constructor.
Planes2D(Path) - Constructor for record class smile.datasets.Planes2D
Constructor.
Planes2D(DataFrame, Formula) - Constructor for record class smile.datasets.Planes2D
Creates an instance of a Planes2D record class.
PlattScaling - Class in smile.classification
Platt scaling or Platt calibration is a way of transforming the outputs of a classification model into a probability distribution over classes.
PlattScaling(double, double) - Constructor for class smile.classification.PlattScaling
Constructor.
Plot - Class in smile.plot.swing
The abstract base class of plots.
Plot() - Constructor for class smile.plot.swing.Plot
Constructor.
Plot(Color) - Constructor for class smile.plot.swing.Plot
Constructor.
Plot(String, Color) - Constructor for class smile.plot.swing.Plot
Constructor.
PLUM - Static variable in class smile.plot.swing.Palette
The color plum with an RGB value of #DDA0DD
point(boolean) - Method in class smile.plot.vega.Mark
Sets whether overlaying points on top of line or area marks.
Point - Class in smile.plot.swing
One more points in the plot.
Point(double[][], char, Color) - Constructor for class smile.plot.swing.Point
Constructor.
pointRadius(double) - Method in class smile.plot.vega.Projection
Sets the default radius (in pixels) to use when drawing GeoJSON Point and MultiPoint geometries.
points() - Method in class smile.neighbor.lsh.Bucket
Returns the points in the bucket.
Poisson - Interface in smile.glm.model
The response variable is of Poisson distribution.
PoissonDistribution - Class in smile.stat.distribution
Poisson distribution expresses the probability of a number of events occurring in a fixed period of time if these events occur with a known average rate and independently of the time since the last event.
PoissonDistribution(double) - Constructor for class smile.stat.distribution.PoissonDistribution
Constructor.
polar(Tensor, Tensor) - Static method in class smile.deep.tensor.Tensor
Returns a complex tensor whose elements are Cartesian coordinates corresponding to the polar coordinates with abs and angle.
poll() - Method in class smile.util.PairingHeap
 
poll() - Method in class smile.util.PriorityQueue
Removes and returns the index of item with minimum value (highest priority).
POLYAURN - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
The document Polya Urn model is similar to MULTINOMIAL but different in the conditional probability update during learning.
polynomial(double, double, double, double) - Static method in interface smile.util.function.TimeFunction
Returns the polynomial learning rate decay function that starts with an initial learning rate and reach an end learning rate in the given decay steps, without cycling.
polynomial(double, double, double, double, boolean) - Static method in interface smile.util.function.TimeFunction
Returns the polynomial learning rate decay function that starts with an initial learning rate and reach an end learning rate in the given decay steps.
Polynomial - Class in smile.math.kernel
The polynomial kernel.
Polynomial(int, double, double, double[], double[]) - Constructor for class smile.math.kernel.Polynomial
Constructor.
PolynomialKernel - Class in smile.math.kernel
The polynomial kernel.
PolynomialKernel(int) - Constructor for class smile.math.kernel.PolynomialKernel
Constructor with scale 1 and offset 0.
PolynomialKernel(int, double, double) - Constructor for class smile.math.kernel.PolynomialKernel
Constructor.
PolynomialKernel(int, double, double, double[], double[]) - Constructor for class smile.math.kernel.PolynomialKernel
Constructor.
pop() - Static method in class smile.deep.tensor.Tensor
Removes the scope at the top of the tensor stack.
popen(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern FILE *popen(const char *__command, const char *__modes)
popen$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *popen(const char *__command, const char *__modes)
popen$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *popen(const char *__command, const char *__modes)
popen$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *popen(const char *__command, const char *__modes)
population() - Method in class smile.gap.GeneticAlgorithm
Returns the population of current generation.
PorterStemmer - Class in smile.nlp.stemmer
Porter's stemming algorithm.
PorterStemmer() - Constructor for class smile.nlp.stemmer.PorterStemmer
Constructor.
POS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Possessive ending.
position(double) - Method in class smile.plot.vega.Axis
Sets the anchor position of the axis in pixels.
PositionalEncoding - Class in smile.llm
Positional encoding in original Transformer.
PositionalEncoding(int, int) - Constructor for class smile.llm.PositionalEncoding
Constructor.
PositionalEncoding(int, int, double) - Constructor for class smile.llm.PositionalEncoding
Constructor.
positive() - Method in record class smile.manifold.MDS.Options
Returns the value of the positive record component.
POSTagger - Interface in smile.nlp.pos
Part-of-speech tagging (POS tagging) is the process of marking up the words in a sentence as corresponding to a particular part of speech.
posteriori() - Method in record class smile.validation.ClassificationValidation
Returns the value of the posteriori record component.
posteriori(double) - Method in class smile.stat.distribution.Mixture
Returns the posteriori probabilities.
posteriori(double[]) - Method in class smile.base.cart.DecisionNode
Returns the class probability.
posteriori(double[]) - Method in class smile.stat.distribution.MultivariateMixture
Returns the posteriori probabilities.
posteriori(int) - Method in class smile.stat.distribution.DiscreteMixture
Returns the posteriori probabilities.
posteriori(int[], double[]) - Static method in class smile.base.cart.DecisionNode
Returns the class probability.
PosterioriModel - Class in smile.neighbor.lsh
Pre-computed posteriori probabilities for generating multiple probes.
PosterioriModel(MultiProbeHash, MultiProbeSample[], int, double) - Constructor for class smile.neighbor.lsh.PosterioriModel
Constructor.
postprocess(double[]) - Method in class smile.feature.extraction.PCA
 
postprocess(double[]) - Method in class smile.feature.extraction.ProbabilisticPCA
 
postprocess(double[]) - Method in class smile.feature.extraction.Projection
Postprocess the output vector after projection.
POUND - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Punctuation #
pow(double) - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the power of the elements of input.
pow(double[], double) - Static method in class smile.math.MathEx
Raise each element of an array to a scalar power.
pow_(double) - Method in class smile.deep.tensor.Tensor
Computes the power of the elements of input in place.
pow2(double) - Static method in class smile.math.MathEx
Returns x * x.
POWDER_BLUE - Static variable in class smile.plot.swing.Palette
The color powder blue with an RGB value of #B0E0E6
power(Matrix, Vector) - Static method in interface smile.tensor.Eigen
Returns the largest eigen pair of matrix with the power iteration under the assumptions A has an eigenvalue that is strictly greater in magnitude than its other eigenvalues and the starting vector has a nonzero component in the direction of an eigenvector associated with the dominant eigenvalue.
power(Matrix, Vector, double, double, int) - Static method in interface smile.tensor.Eigen
Returns the largest eigen pair of matrix with the power iteration under the assumptions A has an eigenvalue that is strictly greater in magnitude than its other eigenvalues and the starting vector has a nonzero component in the direction of an eigenvector associated with the dominant eigenvalue.
PowerVariogram - Class in smile.interpolation.variogram
Power variogram.
PowerVariogram(double[][], double[]) - Constructor for class smile.interpolation.variogram.PowerVariogram
Constructor.
PowerVariogram(double[][], double[], double) - Constructor for class smile.interpolation.variogram.PowerVariogram
Constructor.
PowerVariogram(double[][], double[], double, double) - Constructor for class smile.interpolation.variogram.PowerVariogram
Constructor.
pr() - Method in record class smile.neighbor.lsh.PrH
Returns the value of the pr record component.
precision() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the precision record component.
precision(double) - Method in class smile.plot.vega.Projection
Sets the threshold for the projection's adaptive resampling to the specified value in pixels.
Precision - Class in smile.deep.metric
The precision or positive predictive value (PPV) is ratio of true positives to combined true and false positives, which is different from sensitivity.
Precision - Class in smile.validation.metric
The precision or positive predictive value (PPV) is ratio of true positives to combined true and false positives, which is different from sensitivity.
Precision() - Constructor for class smile.deep.metric.Precision
Constructor.
Precision() - Constructor for class smile.validation.metric.Precision
Constructor.
Precision(double) - Constructor for class smile.deep.metric.Precision
Constructor.
Precision(Averaging) - Constructor for class smile.deep.metric.Precision
Constructor.
Precision(Averaging) - Constructor for class smile.validation.metric.Precision
Constructor.
Preconditioner - Interface in smile.tensor
The preconditioner matrix.
predicate() - Method in class smile.base.cart.NominalSplit
 
predicate() - Method in class smile.base.cart.OrdinalSplit
 
predicate() - Method in class smile.base.cart.Split
Returns the lambda that tests on the split feature.
Predicate - Class in smile.plot.vega
To test a data point in a filter transform or a test property in conditional encoding, a predicate definition of the following forms must be specified:
Predicate(String) - Constructor for class smile.plot.vega.Predicate
Constructor.
Predicate(String, boolean) - Constructor for class smile.plot.vega.Predicate
Constructor of parameter predicate.
predict(double) - Method in class smile.classification.IsotonicRegressionScaling
Returns the posterior probability estimate P(y = 1 | x).
predict(double[]) - Method in class smile.classification.FLD
 
predict(double[]) - Method in class smile.classification.LDA
 
predict(double[]) - Method in class smile.classification.LinearSVM
 
predict(double[]) - Method in class smile.classification.LogisticRegression.Binomial
 
predict(double[]) - Method in class smile.classification.LogisticRegression.Multinomial
 
predict(double[]) - Method in class smile.classification.MLP
 
predict(double[]) - Method in class smile.classification.NaiveBayes
Predict the class of an instance.
predict(double[]) - Method in class smile.classification.QDA
 
predict(double[]) - Method in class smile.clustering.DENCLUE
Classifies a new observation.
predict(double[]) - Method in class smile.regression.LinearModel
Predicts the dependent variable of an instance.
predict(double[]) - Method in class smile.regression.LinearSVM
 
predict(double[]) - Method in class smile.regression.MLP
 
predict(double[], double[]) - Method in class smile.classification.LDA
 
predict(double[], double[]) - Method in class smile.classification.LogisticRegression.Binomial
 
predict(double[], double[]) - Method in class smile.classification.LogisticRegression.Multinomial
 
predict(double[], double[]) - Method in class smile.classification.MLP
 
predict(double[], double[]) - Method in class smile.classification.NaiveBayes
Predict the class of an instance.
predict(double[], double[]) - Method in class smile.classification.QDA
 
predict(int[]) - Method in class smile.classification.BinarySparseLinearSVM
 
predict(int[]) - Method in class smile.classification.DiscreteNaiveBayes
Predict the class of an instance.
predict(int[]) - Method in class smile.classification.Maxent.Binomial
 
predict(int[]) - Method in class smile.classification.Maxent.Multinomial
 
predict(int[]) - Method in class smile.regression.BinarySparseLinearSVM
 
predict(int[]) - Method in class smile.sequence.HMM
Returns the most likely state sequence given the observation sequence by the Viterbi algorithm, which maximizes the probability of P(I | O, HMM).
predict(int[], double[]) - Method in class smile.classification.DiscreteNaiveBayes
Predict the class of an instance.
predict(int[], double[]) - Method in class smile.classification.Maxent.Binomial
 
predict(int[], double[]) - Method in class smile.classification.Maxent.Multinomial
 
predict(List) - Method in interface smile.classification.Classifier
Predicts the class labels of a list of instances.
predict(List) - Method in interface smile.regression.Regression
Predicts the dependent variable of a list of instances.
predict(List, List) - Method in interface smile.classification.Classifier
Predicts the class labels of a list of instances.
predict(DataFrame) - Method in interface smile.classification.DataFrameClassifier
Predicts the class labels of a data frame.
predict(DataFrame) - Method in class smile.glm.GLM
Predicts the mean response.
predict(DataFrame) - Method in interface smile.regression.DataFrameRegression
Predicts the dependent variables of a data frame.
predict(DataFrame) - Method in class smile.regression.LinearModel
 
predict(DataFrame, List) - Method in interface smile.classification.DataFrameClassifier
Predicts the class labels of a dataset.
predict(Dataset) - Method in interface smile.classification.Classifier
Predicts the class labels of a dataset.
predict(Dataset) - Method in interface smile.regression.Regression
Predicts the dependent variable of a dataset.
predict(Dataset, List) - Method in interface smile.classification.Classifier
Predicts the class labels of a dataset.
predict(Tuple) - Method in class smile.base.cart.InternalNode
 
predict(Tuple) - Method in class smile.base.cart.LeafNode
 
predict(Tuple) - Method in interface smile.base.cart.Node
Evaluate the tree over an instance.
predict(Tuple) - Method in class smile.base.cart.NominalNode
 
predict(Tuple) - Method in class smile.base.cart.OrdinalNode
 
predict(Tuple) - Method in class smile.classification.AdaBoost
 
predict(Tuple) - Method in class smile.classification.DecisionTree
 
predict(Tuple) - Method in class smile.classification.GradientTreeBoost
 
predict(Tuple) - Method in class smile.classification.RandomForest
 
predict(Tuple) - Method in class smile.glm.GLM
Predicts the mean response.
predict(Tuple) - Method in class smile.regression.GradientTreeBoost
 
predict(Tuple) - Method in class smile.regression.LinearModel
 
predict(Tuple) - Method in class smile.regression.RandomForest
 
predict(Tuple) - Method in class smile.regression.RegressionTree
 
predict(Tuple[]) - Method in class smile.sequence.CRF
Returns the most likely label sequence given the feature sequence by the forward-backward algorithm.
predict(Tuple, double[]) - Method in class smile.classification.AdaBoost
Predicts the class label of an instance and also calculate a posteriori probabilities.
predict(Tuple, double[]) - Method in class smile.classification.DecisionTree
Predicts the class label of an instance and also calculate a posteriori probabilities.
predict(Tuple, double[]) - Method in class smile.classification.GradientTreeBoost
 
predict(Tuple, double[]) - Method in class smile.classification.RandomForest
 
predict(SparseArray) - Method in class smile.classification.DiscreteNaiveBayes
Predict the class of an instance.
predict(SparseArray) - Method in class smile.classification.SparseLinearSVM
 
predict(SparseArray) - Method in class smile.classification.SparseLogisticRegression.Binomial
 
predict(SparseArray) - Method in class smile.classification.SparseLogisticRegression.Multinomial
 
predict(SparseArray) - Method in class smile.regression.SparseLinearSVM
 
predict(SparseArray, double[]) - Method in class smile.classification.DiscreteNaiveBayes
Predict the class of an instance.
predict(SparseArray, double[]) - Method in class smile.classification.SparseLogisticRegression.Binomial
 
predict(SparseArray, double[]) - Method in class smile.classification.SparseLogisticRegression.Multinomial
 
predict(T) - Method in interface smile.classification.Classifier
Predicts the class label of an instance.
predict(T) - Method in class smile.classification.KNN
 
predict(T) - Method in class smile.classification.OneVersusOne
Prediction is based on voting.
predict(T) - Method in class smile.classification.OneVersusRest
 
predict(T) - Method in class smile.classification.RBFNetwork
 
predict(T) - Method in class smile.classification.SVM
 
predict(T) - Method in class smile.clustering.DBSCAN
Classifies a new observation.
predict(T) - Method in class smile.clustering.MEC
Cluster a new instance.
predict(T) - Method in class smile.regression.GaussianProcessRegression
 
predict(T) - Method in class smile.regression.KernelMachine
 
predict(T) - Method in class smile.regression.RBFNetwork
 
predict(T) - Method in interface smile.regression.Regression
Predicts the dependent variable of an instance.
predict(T[]) - Method in interface smile.classification.Classifier
Predicts the class labels of an array of instances.
predict(T[]) - Method in interface smile.regression.Regression
Predicts the dependent variable of an array of instances.
predict(T[]) - Method in class smile.sequence.CRFLabeler
Returns the most likely label sequence given the feature sequence by the forward-backward algorithm.
predict(T[]) - Method in class smile.sequence.HMMLabeler
Returns the most likely state sequence given the observation sequence by the Viterbi algorithm, which maximizes the probability of P(I | O, HMM).
predict(T[]) - Method in interface smile.sequence.SequenceLabeler
Predicts the sequence labels.
predict(T[], double[][]) - Method in interface smile.classification.Classifier
Predicts the class labels of an array of instances.
predict(T, double[]) - Method in interface smile.classification.Classifier
Predicts the class label of an instance and also calculate a posteriori probabilities.
predict(T, double[]) - Method in class smile.classification.KNN
 
predict(T, double[]) - Method in class smile.classification.OneVersusOne
Prediction is based posteriori probability estimation.
predict(T, double[]) - Method in class smile.classification.OneVersusRest
 
predict(T, double[]) - Method in class smile.regression.GaussianProcessRegression
Predicts the mean and standard deviation of an instance.
predict(U) - Method in record class smile.clustering.CentroidClustering
Classifies a new observation.
prediction() - Method in record class smile.validation.ClassificationValidation
Returns the value of the prediction record component.
prediction() - Method in record class smile.validation.RegressionValidation
Returns the value of the prediction record component.
predictors() - Method in class smile.data.formula.Formula
Returns the predictors.
predictors(Tuple) - Method in class smile.base.cart.CART
Returns the predictors by the model formula if it is not null.
preferredDevice() - Static method in class smile.deep.tensor.Device
Returns the preferred (most powerful) device.
preprocess(double[]) - Method in class smile.feature.extraction.Projection
Preprocess the input vector before projection.
prh() - Method in record class smile.neighbor.lsh.PrZ
Returns the value of the prh record component.
PrH - Record Class in smile.neighbor.lsh
The probability for given query object and hash function.
PrH(int, double) - Constructor for record class smile.neighbor.lsh.PrH
Creates an instance of a PrH record class.
price() - Method in record class smile.datasets.BitcoinPrice
Returns the closing price series, which are commonly believed to be non-stationary.
prim(List) - Method in class smile.graph.Graph
Returns the minimum spanning tree (MST) for a weighted undirected graph by Prim's algorithm.
PrimitiveType - Class in smile.data.type
Primitive data type.
PrimitiveVector - Class in smile.data.vector
Abstract base class implementation of ValueVector interface.
PrimitiveVector(StructField) - Constructor for class smile.data.vector.PrimitiveVector
Constructor.
print() - Method in class smile.deep.tensor.Tensor
Prints the tensor on the standard output.
print() - Method in interface smile.plot.swing.Scene
Prints the scene.
print(Graphics, PageFormat, int) - Method in interface smile.plot.swing.Scene
 
print(Printable) - Method in class smile.swing.Printer
Prints a document that implements Printable interface.
printAction() - Method in interface smile.plot.swing.Scene
Returns the print action.
PrintAction(Scene) - Constructor for class smile.plot.swing.Scene.PrintAction
Constructor.
Printer - Class in smile.swing
A printer controller object.
priori - Variable in class smile.classification.ClassLabels
The estimated priori probabilities.
priori() - Method in class smile.classification.DiscreteNaiveBayes
Returns a priori probabilities.
priori() - Method in class smile.classification.LDA
Returns a priori probabilities.
priori() - Method in class smile.classification.NaiveBayes
Returns a priori probabilities.
priori() - Method in class smile.classification.QDA
Returns a priori probabilities.
priori() - Method in record class smile.stat.distribution.DiscreteMixture.Component
Returns the value of the priori record component.
priori() - Method in record class smile.stat.distribution.Mixture.Component
Returns the value of the priori record component.
priori() - Method in record class smile.stat.distribution.MultivariateMixture.Component
Returns the value of the priori record component.
PriorityQueue - Class in smile.util
Priority Queue for index items.
PriorityQueue(double[]) - Constructor for class smile.util.PriorityQueue
Constructor.
PriorityQueue(int, double[]) - Constructor for class smile.util.PriorityQueue
Constructor.
ProbabilisticClassificationMetric - Interface in smile.validation.metric
An abstract interface to measure the probabilistic classification performance.
ProbabilisticPCA - Class in smile.feature.extraction
Probabilistic principal component analysis.
ProbabilisticPCA(double, double[], DenseMatrix, DenseMatrix, String...) - Constructor for class smile.feature.extraction.ProbabilisticPCA
Constructor.
probablePrime(long, int) - Static method in class smile.math.MathEx
Returns a probably prime number greater than n.
Probe - Class in smile.neighbor.lsh
Probe to check for nearest neighbors.
Probe(int[]) - Constructor for class smile.neighbor.lsh.Probe
Constructor.
probs(double[]) - Method in class smile.plot.vega.QuantileTransform
Sets an array of probabilities in the range (0, 1) for which to compute quantile values.
product(int...) - Static method in class smile.math.MathEx
Returns the product of all elements in an integer array.
ProductKernel<T> - Class in smile.math.kernel
The product kernel takes two kernels and combines them via k1(x, y) * k2(x, y).
ProductKernel(MercerKernel, MercerKernel) - Constructor for class smile.math.kernel.ProductKernel
Constructor.
project(double[]) - Method in class smile.classification.FLD
Projects a sample to the feature space.
project(double[][]) - Method in class smile.classification.FLD
Projects samples to the feature space.
projection - Variable in class smile.feature.extraction.Projection
The projection matrix.
projection() - Method in class smile.manifold.KPCA
Returns the projection matrix.
projection() - Method in class smile.plot.swing.Renderer
Returns the projection object.
projection(int, int) - Method in class smile.plot.swing.Figure
Returns a projection of the figure.
projection(String) - Method in class smile.plot.vega.View
Returns the defining properties of geographic projection, which will be applied to shape path for "geoshape" marks and to latitude and "longitude" channels for other marks.
Projection - Class in smile.feature.extraction
A projection is a kind of feature extraction technique that transforms data from the input space to a feature space, linearly or non-linearly.
Projection - Class in smile.plot.swing
Projection provides methods to map logical coordinates to Java2D coordinates.
Projection - Class in smile.plot.vega
The geographic projection, which will be applied to shape path for "geoshape" marks and to latitude and "longitude" channels for other marks.
Projection(Figure) - Constructor for class smile.plot.swing.Projection
Constructor.
Projection(DenseMatrix, String, String...) - Constructor for class smile.feature.extraction.Projection
Constructor.
prompt(DataType, DataType) - Static method in interface smile.data.type.DataType
Type promotion when apply to expressions.
promptTokens() - Method in record class smile.llm.CompletionPrediction
Returns the value of the promptTokens record component.
propagate(Vector) - Method in class smile.base.mlp.InputLayer
 
propagate(Vector) - Method in class smile.base.mlp.Layer
Propagates the signals from a lower layer to this layer.
propagate(Vector, boolean) - Method in class smile.base.mlp.MultilayerPerceptron
Propagates the signals through the neural network.
propagateDropout() - Method in class smile.base.mlp.Layer
Propagates the output signals through the implicit dropout layer.
Property - Record Class in smile.data.type
A component in record or a property in a Java Bean class.
Property(String, Class, Method, StructField) - Constructor for record class smile.data.type.Property
Creates an instance of a Property record class.
propertyChange(PropertyChangeEvent) - Method in class smile.swing.Table.RowHeader
 
proportion() - Method in record class smile.manifold.MDS
Returns the value of the proportion record component.
ProstateCancer - Record Class in smile.datasets
Prostate cancer dataset.
ProstateCancer() - Constructor for record class smile.datasets.ProstateCancer
Constructor.
ProstateCancer(Path, Path) - Constructor for record class smile.datasets.ProstateCancer
Constructor.
ProstateCancer(DataFrame, DataFrame, Formula) - Constructor for record class smile.datasets.ProstateCancer
Creates an instance of a ProstateCancer record class.
Protein - Record Class in smile.datasets
Protein sequence dataset.
Protein() - Constructor for record class smile.datasets.Protein
Constructor.
Protein(Path, Path) - Constructor for record class smile.datasets.Protein
Constructor.
Protein(BinarySparseSequenceDataset, BinarySparseSequenceDataset) - Constructor for record class smile.datasets.Protein
Creates an instance of a Protein record class.
proximity() - Method in record class smile.clustering.CentroidClustering
Returns the value of the proximity record component.
proximity(double[][]) - Static method in class smile.clustering.linkage.Linkage
Computes the proximity matrix (linearized in column major) based on Euclidean distance.
proximity(int) - Method in record class smile.clustering.CentroidClustering
Returns the distance of i-th data point to its cluster center.
proximity(T[], Distance) - Static method in class smile.clustering.linkage.Linkage
Computes the proximity matrix (linearized in column major).
PRP - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Personal pronoun.
PRP$ - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Possessive pronoun.
prune(DataFrame) - Method in class smile.classification.DecisionTree
Returns a new decision tree by reduced error pruning.
prune(DataFrame) - Method in class smile.classification.RandomForest
Returns a new random forest by reduced error pruning.
PrZ - Record Class in smile.neighbor.lsh
The probability list of all buckets for given query object.
PrZ(int, PrH[]) - Constructor for record class smile.neighbor.lsh.PrZ
Creates an instance of a PrZ record class.
PTRDIFF_MAX() - Static method in class smile.linalg.blas.cblas_h
#define PTRDIFF_MAX 9223372036854775807
PTRDIFF_MIN() - Static method in class smile.linalg.blas.cblas_h
#define PTRDIFF_MIN -9223372036854775808
ptrdiff_t - Static variable in class smile.linalg.blas.cblas_h
typedef long ptrdiff_t
Puma8NH - Record Class in smile.datasets
Pumadyn dataset.
Puma8NH() - Constructor for record class smile.datasets.Puma8NH
Constructor.
Puma8NH(Path) - Constructor for record class smile.datasets.Puma8NH
Constructor.
Puma8NH(DataFrame, Formula) - Constructor for record class smile.datasets.Puma8NH
Creates an instance of a Puma8NH record class.
Punctuations - Interface in smile.nlp.dictionary
Punctuation marks are symbols that indicate the structure and organization of written language, as well as intonation and pauses to be observed when reading aloud.
PURPLE - Static variable in class smile.plot.swing.Palette
The color purple with an RGB value of #800080
push(AutoScope) - Static method in class smile.deep.tensor.Tensor
Pushes a scope onto the top of the tensor scope stack.
pushRelabel(double[][], int, int) - Method in class smile.graph.AdjacencyMatrix
Push-relabel algorithm for maximum flow.
put(double[], E) - Method in class smile.neighbor.LSH
Insert an item into the hash table.
put(double[], E) - Method in class smile.neighbor.MutableLSH
 
put(int, double) - Method in class smile.util.IntDoubleHashMap
Associates the specified value with the specified key in this map.
put(K[], V) - Method in class smile.nlp.Trie
Add a key with associated value to the trie.
put(K, V) - Method in class smile.neighbor.SNLSH
Adds a new item.
put(Tensor, Index...) - Method in class smile.deep.tensor.Tensor
Updates a portion of tensor.
put(Tensor, Tensor) - Method in class smile.deep.tensor.Tensor
Updates a portion of tensor.
put_(byte, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(byte, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(double, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(double, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(float, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(float, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(int, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(int, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(long, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(long, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(short, int...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(short, long...) - Method in class smile.deep.tensor.Tensor
Updates an element in place.
put_(Tensor, Index...) - Method in class smile.deep.tensor.Tensor
Updates a portion of tensor in place.
put_(Tensor, Tensor) - Method in class smile.deep.tensor.Tensor
Updates a portion of tensor in place.
putc(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int putc(int __c, FILE *__stream)
putc_unlocked(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int putc_unlocked(int __c, FILE *__stream)
putc_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int putc_unlocked(int __c, FILE *__stream)
putc_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int putc_unlocked(int __c, FILE *__stream)
putc_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int putc_unlocked(int __c, FILE *__stream)
putc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int putc(int __c, FILE *__stream)
putc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int putc(int __c, FILE *__stream)
putc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int putc(int __c, FILE *__stream)
putchar(int) - Static method in class smile.linalg.blas.cblas_h
extern int putchar(int __c)
putchar_unlocked(int) - Static method in class smile.linalg.blas.cblas_h
extern int putchar_unlocked(int __c)
putchar_unlocked$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int putchar_unlocked(int __c)
putchar_unlocked$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int putchar_unlocked(int __c)
putchar_unlocked$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int putchar_unlocked(int __c)
putchar$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int putchar(int __c)
putchar$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int putchar(int __c)
putchar$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int putchar(int __c)
puts(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int puts(const char *__s)
puts$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int puts(const char *__s)
puts$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int puts(const char *__s)
puts$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int puts(const char *__s)
putw(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int putw(int __w, FILE *__stream)
putw$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int putw(int __w, FILE *__stream)
putw$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int putw(int __w, FILE *__stream)
putw$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int putw(int __w, FILE *__stream)
pvalue - Variable in class smile.timeseries.BoxTest
p-value
pvalue() - Method in record class smile.feature.selection.FRegression
Returns the value of the pvalue record component.
pvalue() - Method in class smile.regression.LinearModel
Returns the p-value of goodness-of-fit test.
pvalue() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns the value of the pvalue record component.
pvalue() - Method in record class smile.stat.hypothesis.CorTest
Returns the value of the pvalue record component.
pvalue() - Method in record class smile.stat.hypothesis.FTest
Returns the value of the pvalue record component.
pvalue() - Method in record class smile.stat.hypothesis.KSTest
Returns the value of the pvalue record component.
pvalue() - Method in record class smile.stat.hypothesis.TTest
Returns the value of the pvalue record component.

Q

q - Variable in class smile.stat.distribution.BernoulliDistribution
Probability of failure.
q - Variable in class smile.timeseries.BoxTest
Box-Pierce or Ljung-Box statistic.
q() - Method in class smile.timeseries.ARMA
Returns the order of MA.
Q() - Method in record class smile.tensor.QR
Returns the orthogonal factor.
q1() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the 25% quantile.
q1() - Method in class smile.data.vector.NumberVector
Returns the 25% quantile.
q1() - Method in class smile.data.vector.PrimitiveVector
Returns the 25% quantile.
q1(double[]) - Static method in class smile.math.MathEx
Find the first quantile (p = 1/4) of an array of type double.
q1(double[]) - Static method in interface smile.sort.QuickSelect
Find the first quantile (p = 1/4) of an array of type double.
q1(float[]) - Static method in class smile.math.MathEx
Find the first quantile (p = 1/4) of an array of type float.
q1(float[]) - Static method in interface smile.sort.QuickSelect
Find the first quantile (p = 1/4) of an array of type float.
q1(int[]) - Static method in class smile.math.MathEx
Find the first quantile (p = 1/4) of an array of type int.
q1(int[]) - Static method in interface smile.sort.QuickSelect
Find the first quantile (p = 1/4) of an array of type integer.
q1(T[]) - Static method in class smile.math.MathEx
Find the first quantile (p = 1/4) of an array of type double.
q1(T[]) - Static method in interface smile.sort.QuickSelect
Find the first quantile (p = 1/4) of an array of type double.
q3() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the 75% quantile.
q3() - Method in class smile.data.vector.NumberVector
Returns the 75% quantile.
q3() - Method in class smile.data.vector.PrimitiveVector
Returns the 75% quantile.
q3(double[]) - Static method in class smile.math.MathEx
Find the third quantile (p = 3/4) of an array of type double.
q3(double[]) - Static method in interface smile.sort.QuickSelect
Find the third quantile (p = 3/4) of an array of type double.
q3(float[]) - Static method in class smile.math.MathEx
Find the third quantile (p = 3/4) of an array of type float.
q3(float[]) - Static method in interface smile.sort.QuickSelect
Find the third quantile (p = 3/4) of an array of type float.
q3(int[]) - Static method in class smile.math.MathEx
Find the third quantile (p = 3/4) of an array of type int.
q3(int[]) - Static method in interface smile.sort.QuickSelect
Find the third quantile (p = 3/4) of an array of type integer.
q3(T[]) - Static method in class smile.math.MathEx
Find the third quantile (p = 3/4) of an array of type double.
q3(T[]) - Static method in interface smile.sort.QuickSelect
Find the third quantile (p = 3/4) of an array of type double.
QDA - Class in smile.classification
Quadratic discriminant analysis.
QDA(double[], double[][], Vector[], DenseMatrix[]) - Constructor for class smile.classification.QDA
Constructor.
QDA(double[], double[][], Vector[], DenseMatrix[], IntSet) - Constructor for class smile.classification.QDA
Constructor.
QInt8 - Enum constant in enum class smile.deep.tensor.ScalarType
8-bit quantized signed tensor type which represents a compressed floating point tensor.
QInt8 - Enum constant in enum class smile.tensor.ScalarType
8-bit quantized signed tensor type which represents a compressed floating point tensor.
QQPlot - Class in smile.plot.swing
A Q-Q plot ("Q" stands for quantile) is a probability plot, a kind of graphical method for comparing two probability distributions, by plotting their quantiles against each other.
QQPlot(double[][]) - Constructor for class smile.plot.swing.QQPlot
Constructor.
qr() - Method in class smile.tensor.DenseMatrix
QR Decomposition.
qr() - Method in record class smile.tensor.QR
Returns the value of the qr record component.
QR - Enum constant in enum class smile.regression.OLS.Method
QR decomposition.
QR - Record Class in smile.tensor
The QR decomposition.
QR(DenseMatrix, Vector) - Constructor for record class smile.tensor.QR
Creates an instance of a QR record class.
quantile(double) - Static method in interface smile.base.cart.Loss
Quantile regression loss.
quantile(double) - Method in class smile.sort.IQAgent
Returns the estimated p-quantile for the data seen so far.
quantile(double) - Method in class smile.stat.distribution.BernoulliDistribution
 
quantile(double) - Method in class smile.stat.distribution.BetaDistribution
 
quantile(double) - Method in class smile.stat.distribution.BinomialDistribution
 
quantile(double) - Method in class smile.stat.distribution.ChiSquareDistribution
 
quantile(double) - Method in class smile.stat.distribution.DiscreteMixture
 
quantile(double) - Method in interface smile.stat.distribution.Distribution
The quantile, the probability to the left of quantile is p.
quantile(double) - Method in class smile.stat.distribution.EmpiricalDistribution
 
quantile(double) - Method in class smile.stat.distribution.ExponentialDistribution
 
quantile(double) - Method in class smile.stat.distribution.FDistribution
 
quantile(double) - Method in class smile.stat.distribution.GammaDistribution
 
quantile(double) - Method in class smile.stat.distribution.GaussianDistribution
The quantile, the probability to the left of quantile(p) is p.
quantile(double) - Method in class smile.stat.distribution.GeometricDistribution
 
quantile(double) - Method in class smile.stat.distribution.HyperGeometricDistribution
 
quantile(double) - Method in class smile.stat.distribution.KernelDensity
Inverse of CDF.
quantile(double) - Method in class smile.stat.distribution.LogisticDistribution
 
quantile(double) - Method in class smile.stat.distribution.LogNormalDistribution
 
quantile(double) - Method in class smile.stat.distribution.Mixture
 
quantile(double) - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
quantile(double) - Method in class smile.stat.distribution.PoissonDistribution
 
quantile(double) - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
quantile(double) - Method in class smile.stat.distribution.TDistribution
 
quantile(double) - Method in class smile.stat.distribution.WeibullDistribution
 
quantile(double, double, double) - Method in interface smile.stat.distribution.Distribution
Inversion of CDF by bisection numeric root finding of "cdf(x) = p" for continuous distribution.
quantile(double, double, double, double) - Method in interface smile.stat.distribution.Distribution
Inversion of CDF by bisection numeric root finding of "cdf(x) = p" for continuous distribution.
quantile(double, int, int) - Method in class smile.stat.distribution.DiscreteDistribution
Inversion of cdf by bisection numeric root finding of cdf(x) = p for discrete distribution.
quantile(String) - Method in class smile.plot.vega.Transform
Adds a quantile transform.
Quantile - Enum constant in enum class smile.base.cart.Loss.Type
Quantile regression.
quantile2tailed(double) - Method in class smile.stat.distribution.TDistribution
Two-tailed quantile.
QuantileTransform - Class in smile.plot.vega
The quantile transform calculates empirical quantile values for an input data stream.
quantize(double[]) - Method in class smile.vq.BIRCH
 
quantize(double[]) - Method in class smile.vq.GrowingNeuralGas
 
quantize(double[]) - Method in class smile.vq.NeuralGas
 
quantize(double[]) - Method in class smile.vq.NeuralMap
 
quantize(double[]) - Method in class smile.vq.SOM
 
quantize(double[]) - Method in interface smile.vq.VectorQuantizer
Quantize a new observation.
QUARTER - Enum constant in enum class smile.data.formula.DateFeature
The quarter-of-year has values from 1 to 4.
query() - Method in record class smile.neighbor.lsh.MultiProbeSample
Returns the value of the query record component.
query(String) - Method in class smile.data.SQL
Executes a SELECT statement.
query(T[]) - Method in class smile.regression.GaussianProcessRegression
Evaluates the Gaussian Process at some query points.
QuickSelect - Interface in smile.sort
Selection is asking for the k-th smallest element out of n elements.
QuickSort - Interface in smile.sort
Quicksort is a well-known sorting algorithm that, on average, makes O(n log n) comparisons to sort n items.
QUInt8 - Enum constant in enum class smile.deep.tensor.ScalarType
8-bit quantized unsigned tensor type which represents a compressed floating point tensor.
QUInt8 - Enum constant in enum class smile.tensor.ScalarType
8-bit quantized unsigned tensor type which represents a compressed floating point tensor.

R

r - Variable in class smile.stat.distribution.NegativeBinomialDistribution
The number of failures until the experiment is stopped.
R() - Method in record class smile.tensor.QR
Returns the upper triangular factor.
r2() - Method in record class smile.validation.RegressionMetrics
Returns the value of the r2 record component.
R2 - Class in smile.validation.metric
R2.
R2() - Constructor for class smile.validation.metric.R2
Constructor.
R2() - Method in class smile.timeseries.AR
Returns R2 statistic.
R2() - Method in class smile.timeseries.ARMA
Returns R2 statistic.
RadialBasisFunction - Interface in smile.math.rbf
A radial basis function (RBF) is a real-valued function whose value depends only on the distance from the origin, so that φ(x)=φ(||x||); or alternatively on the distance from some other point c, called a center, so that φ(x,c)=φ(||x-c||).
radius() - Method in class smile.clustering.DBSCAN
Returns the neighborhood radius.
radius() - Method in class smile.clustering.DENCLUE
Returns the radius of density attractor.
radius() - Method in record class smile.clustering.MEC.Options
Returns the value of the radius record component.
radius() - Method in class smile.clustering.MEC
Returns the neighborhood radius.
radius(double) - Method in class smile.plot.vega.Mark
Sets the primary (outer) radius in pixels for arc mark, or polar coordinate radial offset of the text from the origin determined by the x and y properties for text marks.
radius(int) - Method in record class smile.clustering.CentroidClustering
Returns the radius of i-th cluster.
radius2(double) - Method in class smile.plot.vega.Mark
Sets the secondary (inner) radius in pixels for arc mark.
radius2Offset(double) - Method in class smile.plot.vega.Mark
Sets the offset for radius2.
radiusOffset(double) - Method in class smile.plot.vega.Mark
Sets the offset for radius.
RADIX - Static variable in class smile.math.MathEx
The base of the exponent of the double type.
rainbow(int) - Static method in class smile.plot.swing.Palette
Generates rainbow color palette.
rainbow(int, float) - Static method in class smile.plot.swing.Palette
Generates rainbow color palette.
rainbow(int, float, float, float) - Static method in class smile.plot.swing.Palette
Generate rainbow color palette.
rainbow(int, float, float, float, float, float) - Static method in class smile.plot.swing.Palette
Generates rainbow color palette.
rand() - Method in class smile.stat.distribution.BernoulliDistribution
 
rand() - Method in class smile.stat.distribution.BetaDistribution
 
rand() - Method in class smile.stat.distribution.BinomialDistribution
This function generates a random variate with the binomial distribution.
rand() - Method in class smile.stat.distribution.ChiSquareDistribution
 
rand() - Method in class smile.stat.distribution.DiscreteMixture
 
rand() - Method in interface smile.stat.distribution.Distribution
Generates a random number following this distribution.
rand() - Method in class smile.stat.distribution.EmpiricalDistribution
 
rand() - Method in class smile.stat.distribution.ExponentialDistribution
 
rand() - Method in class smile.stat.distribution.FDistribution
 
rand() - Method in class smile.stat.distribution.GammaDistribution
Only support shape parameter k of integer.
rand() - Method in class smile.stat.distribution.GaussianDistribution
Generates a Gaussian random number with the Box-Muller algorithm.
rand() - Method in class smile.stat.distribution.GeometricDistribution
 
rand() - Method in class smile.stat.distribution.HyperGeometricDistribution
Uses inversion by chop-down search from the mode when the mean < 20 and the patchwork-rejection method when the mean >= 20.
rand() - Method in class smile.stat.distribution.KernelDensity
Random number generator.
rand() - Method in class smile.stat.distribution.LogisticDistribution
 
rand() - Method in class smile.stat.distribution.LogNormalDistribution
 
rand() - Method in class smile.stat.distribution.Mixture
 
rand() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
Generate a random multivariate Gaussian sample.
rand() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
rand() - Method in class smile.stat.distribution.PoissonDistribution
This function generates a random variate with the poisson distribution.
rand() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
rand() - Method in class smile.stat.distribution.TDistribution
 
rand() - Method in class smile.stat.distribution.WeibullDistribution
 
rand(int) - Method in interface smile.stat.distribution.Distribution
Generates a set of random numbers following this distribution.
rand(int) - Method in class smile.stat.distribution.MultivariateGaussianDistribution
Generates a set of random numbers following this distribution.
rand(long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with values drawn from a uniform distribution on [0, 1).
rand(Tensor.Options, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with values drawn from a uniform distribution on [0, 1).
rand(ScalarType, int, int) - Static method in class smile.tensor.DenseMatrix
Returns a uniformly distributed random matrix in [0, 1).
rand(ScalarType, int, int, double, double) - Static method in class smile.tensor.DenseMatrix
Returns a uniformly distributed random matrix in [lo, hi).
rand(ScalarType, int, int, Distribution) - Static method in class smile.tensor.DenseMatrix
Returns a random matrix with given distribution.
randi() - Method in class smile.stat.distribution.DiscreteDistribution
Generates an integer random number following this discrete distribution.
randi(int) - Method in class smile.stat.distribution.DiscreteDistribution
Generates a set of integer random numbers following this discrete distribution.
randi(int) - Method in class smile.stat.distribution.EmpiricalDistribution
 
RandIndex - Class in smile.validation.metric
Rand Index.
RandIndex() - Constructor for class smile.validation.metric.RandIndex
Constructor.
randn(int, int) - Static method in class smile.math.MathEx
Returns a random matrix of standard normal distribution.
randn(long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with values drawn from a unit normal distribution.
randn(Tensor.Options, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with values drawn from a unit normal distribution.
randn(ScalarType, int, int) - Static method in class smile.tensor.DenseMatrix
Returns a random matrix of standard normal distribution.
random() - Method in class smile.hpo.Hyperparameters
Generates a stream of hyperparameters for random search.
random() - Static method in class smile.math.MathEx
Generate a random number in [0, 1).
random(double[]) - Static method in class smile.math.MathEx
Given a set of n probabilities, generate a random number in [0, n).
random(double[], int) - Static method in class smile.math.MathEx
Given a set of m probabilities, draw with replacement a set of n random number in [0, m).
random(double, double) - Static method in class smile.math.MathEx
Generate a uniform random number in the range [lo, hi).
random(double, double, int) - Static method in class smile.math.MathEx
Generate uniform random numbers in the range [lo, hi).
random(int) - Static method in class smile.math.MathEx
Generate n random numbers in [0, 1).
random(int, double) - Static method in interface smile.stat.Sampling
Simple random sampling.
random(T[], Distance, int) - Static method in record class smile.graph.NearestNeighborGraph
Creates a random neighbor graph.
Random - Class in smile.math
This is a high quality random number generator as a replacement of the standard Random class of Java system.
Random() - Constructor for class smile.math.Random
Initialize with default random number generator engine.
Random(long) - Constructor for class smile.math.Random
Initialize with given seed for default random number generator engine.
RandomForest - Class in smile.classification
Random forest for classification.
RandomForest - Class in smile.regression
Random forest for regression.
RandomForest(Formula, int, RandomForest.Model[], ClassificationMetrics, double[]) - Constructor for class smile.classification.RandomForest
Constructor.
RandomForest(Formula, int, RandomForest.Model[], ClassificationMetrics, double[], IntSet) - Constructor for class smile.classification.RandomForest
Constructor.
RandomForest(Formula, RandomForest.Model[], RegressionMetrics, double[]) - Constructor for class smile.regression.RandomForest
Constructor.
RandomForest.Model - Record Class in smile.classification
The base model.
RandomForest.Model - Record Class in smile.regression
The base model.
RandomForest.Options - Record Class in smile.classification
Random forest hyperparameters.
RandomForest.Options - Record Class in smile.regression
Random forest hyperparameters.
RandomForest.TrainingStatus - Record Class in smile.classification
Training status per tree.
RandomForest.TrainingStatus - Record Class in smile.regression
Training status per tree.
randomInt(int) - Static method in class smile.math.MathEx
Returns a random integer in [0, n).
randomInt(int, int) - Static method in class smile.math.MathEx
Returns a random integer in [lo, hi).
randomLong() - Static method in class smile.math.MathEx
Returns a random long integer.
RandomNumberGenerator - Interface in smile.math.random
Random number generator interface.
RandomProjection - Class in smile.feature.extraction
Random projection is a promising dimensionality reduction technique for learning mixtures of Gaussians.
RandomProjection(DenseMatrix, String...) - Constructor for class smile.feature.extraction.RandomProjection
Constructor.
RandomProjectionForest - Class in smile.neighbor
A set of random projection trees.
RandomProjectionTree - Class in smile.neighbor
Random projection trees.
range() - Method in record class smile.tensor.SVD
Returns the matrix which columns are the orthonormal basis for the range space.
range(double...) - Method in class smile.plot.vega.Field
Sets the customize range values.
range(int, int) - Static method in interface smile.util.Index
Returns the range index for [start, end) with incremental step 1.
range(Integer, Integer, Integer) - Static method in interface smile.util.Index
Returns the range index for [start, end) with the given incremental step.
range(String...) - Method in class smile.plot.vega.Field
Sets the customize range values.
range(String, double, double) - Static method in class smile.plot.vega.Predicate
Test if a field in the data point satisfies certain conditions.
range(LocalDate, int) - Static method in interface smile.util.Dates
Returns the dates in the range.
range(LocalDate, LocalDate) - Static method in interface smile.util.Dates
Returns the dates in the range.
rangeMax(double) - Method in class smile.plot.vega.Field
Sets the maximum value in the scale range, overriding the range property or the default range.
rangeMax(String) - Method in class smile.plot.vega.Field
Sets the maximum value in the scale range, overriding the range property or the default range.
rangeMin(double) - Method in class smile.plot.vega.Field
Sets the minimum value in the scale range, overriding the range property or the default range.
rangeMin(String) - Method in class smile.plot.vega.Field
Sets the minimum value in the scale range, overriding the range property or the default range.
rank() - Method in record class smile.tensor.SVD
Returns the effective numerical matrix rank.
rank(int, int, long, long) - Method in class smile.nlp.relevance.TFIDF
Returns the relevance score between a term and a document based on a corpus.
rank(Corpus, TextTerms, String[], int[], int) - Method in class smile.nlp.relevance.BM25
 
rank(Corpus, TextTerms, String[], int[], int) - Method in interface smile.nlp.relevance.RelevanceRanker
Returns the relevance score between a set of terms and a document based on a corpus.
rank(Corpus, TextTerms, String[], int[], int) - Method in class smile.nlp.relevance.TFIDF
 
rank(Corpus, TextTerms, String, int, int) - Method in class smile.nlp.relevance.BM25
 
rank(Corpus, TextTerms, String, int, int) - Method in interface smile.nlp.relevance.RelevanceRanker
Returns the relevance score between a term and a document based on a corpus.
rank(Corpus, TextTerms, String, int, int) - Method in class smile.nlp.relevance.TFIDF
 
Rank() - Static method in interface smile.gap.Selection
Rank Selection.
ranks - Variable in class smile.llm.tokenizer.Tiktoken
Token -> Rank
ratio() - Method in record class smile.feature.selection.SignalNoiseRatio
Returns the value of the ratio record component.
ratio() - Method in record class smile.feature.selection.SumSquaresRatio
Returns the value of the ratio record component.
RatioScale - Class in smile.data.measure
The ratio scale allows for both difference and ratio of two values.
RatioScale(NumberFormat) - Constructor for class smile.data.measure.RatioScale
Constructor.
rawinterp(int, double) - Method in class smile.interpolation.AbstractInterpolation
Subclasses provide this as the actual interpolation method.
rawinterp(int, double) - Method in class smile.interpolation.CubicSplineInterpolation1D
 
rawinterp(int, double) - Method in class smile.interpolation.LinearInterpolation
 
RB - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adverb.
RBF<T> - Class in smile.base.rbf
A neuron in radial basis function network.
RBF(T, RadialBasisFunction, Metric) - Constructor for class smile.base.rbf.RBF
Constructor.
RBFInterpolation - Class in smile.interpolation
Radial basis function interpolation is a popular method for the data points are irregularly distributed in space.
RBFInterpolation(double[][], double[], RadialBasisFunction) - Constructor for class smile.interpolation.RBFInterpolation
Constructor.
RBFInterpolation(double[][], double[], RadialBasisFunction, boolean) - Constructor for class smile.interpolation.RBFInterpolation
Constructor.
RBFInterpolation1D - Class in smile.interpolation
Radial basis function interpolation is a popular method for the data points are irregularly distributed in space.
RBFInterpolation1D(double[], double[], RadialBasisFunction) - Constructor for class smile.interpolation.RBFInterpolation1D
Constructor.
RBFInterpolation1D(double[], double[], RadialBasisFunction, boolean) - Constructor for class smile.interpolation.RBFInterpolation1D
Constructor.
RBFInterpolation2D - Class in smile.interpolation
Radial basis function interpolation is a popular method for the data points are irregularly distributed in space.
RBFInterpolation2D(double[], double[], double[], RadialBasisFunction) - Constructor for class smile.interpolation.RBFInterpolation2D
Constructor.
RBFInterpolation2D(double[], double[], double[], RadialBasisFunction, boolean) - Constructor for class smile.interpolation.RBFInterpolation2D
Constructor.
RBFNetwork<T> - Class in smile.classification
Radial basis function networks.
RBFNetwork<T> - Class in smile.regression
Radial basis function network.
RBFNetwork(int, RBF[], DenseMatrix, boolean) - Constructor for class smile.classification.RBFNetwork
Constructor.
RBFNetwork(int, RBF[], DenseMatrix, boolean, IntSet) - Constructor for class smile.classification.RBFNetwork
Constructor.
RBFNetwork(RBF[], double[], boolean) - Constructor for class smile.regression.RBFNetwork
Constructor.
rbind(double[]...) - Static method in class smile.math.MathEx
Concatenates vectors by rows.
rbind(float[]...) - Static method in class smile.math.MathEx
Concatenates vectors by rows.
rbind(int[]...) - Static method in class smile.math.MathEx
Concatenates vectors by rows.
rbind(String[]...) - Static method in class smile.math.MathEx
Concatenates vectors by rows.
RBR - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adverb, comparative.
RBS - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Adverb, superlative.
RDA - Class in smile.classification
Regularized discriminant analysis.
RDA(double[], double[][], Vector[], DenseMatrix[]) - Constructor for class smile.classification.RDA
Constructor.
RDA(double[], double[][], Vector[], DenseMatrix[], IntSet) - Constructor for class smile.classification.RDA
Constructor.
re() - Method in record class smile.math.Complex
Returns the value of the re record component.
read() - Method in class smile.io.Arff
Reads all the records.
read(int) - Method in class smile.io.Arff
Reads a limited number of records.
read(BufferedReader, int) - Method in class smile.io.JSON
Reads a limited number of records from a JSON file.
read(InputStream, int) - Method in class smile.io.Arrow
Reads a limited number of records from an arrow file.
read(InputStream, int) - Method in class smile.io.Avro
Reads a limited number of records from an avro file.
read(InputStream, int) - Static method in interface smile.io.SAS
Reads a limited number of records from a SAS7BDAT file.
read(String) - Method in class smile.io.Arrow
Reads a limited number of records from an arrow file.
read(String) - Method in class smile.io.Avro
Reads an avro file.
read(String) - Method in class smile.io.CSV
Reads a CSV file.
read(String) - Method in class smile.io.JSON
Reads a JSON file.
read(String) - Static method in class smile.io.Parquet
Reads a HDFS parquet file.
read(String) - Static method in interface smile.io.SAS
Reads a SAS7BDAT file.
read(String, int) - Method in class smile.io.Arrow
Reads a limited number of records from an arrow file.
read(String, int) - Method in class smile.io.CSV
Reads a limited number of records from a CSV file.
read(String, int) - Method in class smile.io.JSON
Reads a JSON file.
read(String, int) - Static method in class smile.io.Parquet
Reads a HDFS parquet file.
read(Path) - Method in class smile.io.Arrow
Reads an arrow file.
read(Path) - Method in class smile.io.Avro
Reads an avro file.
read(Path) - Method in class smile.io.CSV
Reads a CSV file.
read(Path) - Method in class smile.io.JSON
Reads a JSON file.
read(Path) - Static method in class smile.io.Parquet
Reads a local parquet file.
read(Path) - Static method in interface smile.io.SAS
Reads a SAS7BDAT file.
read(Path, int) - Method in class smile.io.Arrow
Reads an arrow file.
read(Path, int) - Method in class smile.io.CSV
Reads a limited number of records from a CSV file.
read(Path, int) - Method in class smile.io.JSON
Reads a JSON file.
read(Path, int) - Static method in class smile.io.Parquet
Reads a local parquet file.
read(Path, List, List) - Static method in class smile.nlp.pos.HMMPOSTagger
Load training data from a corpora.
read(InputFile) - Static method in class smile.io.Parquet
Reads a parquet file.
read(InputFile, int) - Static method in class smile.io.Parquet
Reads a limited number of records from a parquet file.
Read - Interface in smile.io
Reads data from external storage systems.
reader(String) - Static method in interface smile.io.HadoopInput
Returns the reader of a file path or URI.
reader(String) - Static method in interface smile.io.Input
Returns the reader of a file path or URI.
reader(String, Charset) - Static method in interface smile.io.HadoopInput
Returns the reader of a file path or URI.
reader(String, Charset) - Static method in interface smile.io.Input
Returns the reader of a file path or URI.
reason() - Method in record class smile.llm.CompletionPrediction
Returns the value of the reason record component.
rebuild() - Method in class smile.util.PairingHeap
Rebuilds the pairing heap.
Recall - Class in smile.deep.metric
Recall or true positive rate (TPR) (also called hit rate, sensitivity) is a statistical measures of the performance of a binary classification test.
Recall - Class in smile.validation.metric
In information retrieval area, sensitivity is called recall.
Recall() - Constructor for class smile.deep.metric.Recall
Constructor.
Recall() - Constructor for class smile.validation.metric.Recall
Constructor.
Recall(double) - Constructor for class smile.deep.metric.Recall
Constructor.
Recall(Averaging) - Constructor for class smile.deep.metric.Recall
Constructor.
Recall(Averaging) - Constructor for class smile.validation.metric.Recall
Constructor.
reciprocal() - Method in record class smile.math.Complex
Returns the reciprocal.
rectifier() - Static method in interface smile.base.mlp.ActivationFunction
The rectifier activation function max(0, x).
rectifier(int) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with rectified linear activation function.
rectifier(int, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with rectified linear activation function.
recursive() - Method in record class smile.regression.OLS.Options
Returns the value of the recursive record component.
RED - Static variable in class smile.plot.swing.Palette
The color red with an RGB value of #FF0000
redblue(int) - Static method in class smile.plot.swing.Palette
Generates red-blue color palette.
redblue(int, float) - Static method in class smile.plot.swing.Palette
Generates red-blue color palette.
redgreen(int) - Static method in class smile.plot.swing.Palette
Generates red-green color palette.
redgreen(int, float) - Static method in class smile.plot.swing.Palette
Generates red-green color palette.
References - Section in class smile.anomaly.IsolationForest
 
References - Section in class smile.anomaly.SVM
 
References - Section in class smile.association.FPGrowth
 
References - Section in class smile.base.svm.SVR
 
References - Section in class smile.classification.AdaBoost
 
References - Section in class smile.classification.DiscreteNaiveBayes
 
References - Section in class smile.classification.FLD
 
References - Section in class smile.classification.GradientTreeBoost
 
References - Section in class smile.classification.IsotonicRegressionScaling
 
References - Section in class smile.classification.Maxent
 
References - Section in class smile.classification.NaiveBayes
 
References - Section in class smile.classification.PlattScaling
 
References - Section in class smile.classification.RBFNetwork
 
References - Section in class smile.classification.SVM
 
References - Section in class smile.clustering.BBDTree
 
References - Section in class smile.clustering.DBSCAN
 
References - Section in class smile.clustering.DENCLUE
 
References - Section in class smile.clustering.DeterministicAnnealing
 
References - Section in class smile.clustering.GMeans
 
References - Section in class smile.clustering.KMeans
 
References - Section in class smile.clustering.KMedoids
 
References - Section in class smile.clustering.KModes
 
References - Section in class smile.clustering.MEC
 
References - Section in class smile.clustering.SIB
 
References - Section in class smile.clustering.SpectralClustering
 
References - Section in class smile.clustering.XMeans
 
References - Section in class smile.clustering.linkage.Linkage
 
References - Section in class smile.feature.extraction.GHA
 
References - Section in class smile.feature.extraction.KernelPCA
 
References - Section in class smile.feature.extraction.ProbabilisticPCA
 
References - Section in class smile.feature.extraction.RandomProjection
 
References - Section in class smile.feature.selection.GAFE
 
References - Section in class smile.manifold.IsoMap
 
References - Section in class smile.manifold.KPCA
 
References - Section in class smile.manifold.LLE
 
References - Section in class smile.manifold.LaplacianEigenmap
 
References - Section in class smile.manifold.UMAP
 
References - Section in class smile.math.BFGS
 
References - Section in class smile.math.kernel.PearsonKernel
 
References - Section in class smile.math.random.MersenneTwister
 
References - Section in class smile.math.random.MersenneTwister64
 
References - Section in class smile.math.rbf.GaussianRadialBasis
 
References - Section in class smile.neighbor.BKTree
 
References - Section in class smile.neighbor.CoverTree
 
References - Section in class smile.neighbor.LSH
 
References - Section in class smile.neighbor.MPLSH
 
References - Section in class smile.neighbor.SNLSH
 
References - Section in class smile.nlp.stemmer.LancasterStemmer
 
References - Section in class smile.nlp.stemmer.PorterStemmer
 
References - Section in class smile.nlp.tokenizer.SimpleSentenceSplitter
 
References - Section in class smile.regression.ElasticNet
 
References - Section in class smile.regression.GaussianProcessRegression
 
References - Section in class smile.regression.GradientTreeBoost
 
References - Section in class smile.regression.LASSO
 
References - Section in class smile.regression.RBFNetwork
 
References - Section in class smile.regression.SVM
 
References - Section in class smile.sequence.CRF
 
References - Section in class smile.sort.IQAgent
 
References - Section in class smile.validation.metric.AdjustedMutualInformation
 
References - Section in class smile.validation.metric.MutualInformation
 
References - Section in class smile.validation.metric.NormalizedMutualInformation
 
References - Section in class smile.vq.BIRCH
 
References - Section in class smile.vq.GrowingNeuralGas
 
References - Section in class smile.vq.NeuralGas
 
References - Section in class smile.vq.SOM
 
References - Section in interface smile.feature.importance.SHAP
 
References - Section in package smile.association
 
References - Section in record class smile.clustering.HierarchicalClustering
 
References - Section in record class smile.datasets.BitcoinPrice
 
References - Section in record class smile.feature.selection.SignalNoiseRatio
 
References - Section in record class smile.feature.selection.SumSquaresRatio
 
References - Section in record class smile.ica.ICA
 
References - Section in record class smile.manifold.TSNE
 
Regex - Interface in smile.util
Regular expression patterns.
regression(int, int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated cross validation of regression.
regression(int, int, T[], double[], BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated cross validation of regression.
regression(int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.Bootstrap
Runs regression bootstrap validation.
regression(int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Cross validation of regression.
regression(int, T[], double[], BiFunction) - Static method in interface smile.validation.Bootstrap
Runs regression bootstrap validation.
regression(int, T[], double[], BiFunction) - Static method in interface smile.validation.CrossValidation
Cross validation of regression.
regression(String, String) - Method in class smile.plot.vega.Transform
Adds a regression transform.
regression(Formula, DataFrame, BiFunction) - Static method in interface smile.validation.LOOCV
Runs leave-one-out cross validation tests.
regression(T[], double[], BiFunction) - Static method in interface smile.validation.LOOCV
Runs leave-one-out cross validation tests.
Regression<T> - Interface in smile.regression
Regression analysis includes any techniques for modeling and analyzing the relationship between a dependent variable and one or more independent variables.
Regression.Trainer<T,M> - Interface in smile.regression
The regression trainer.
RegressionMetric - Interface in smile.validation.metric
An abstract interface to measure the regression performance.
RegressionMetrics - Record Class in smile.validation
The regression validation metrics.
RegressionMetrics(double, double, int, double, double, double, double, double) - Constructor for record class smile.validation.RegressionMetrics
Creates an instance of a RegressionMetrics record class.
RegressionNode - Class in smile.base.cart
A leaf node in regression tree.
RegressionNode(int, double, double, double) - Constructor for class smile.base.cart.RegressionNode
Constructor.
RegressionTransform - Class in smile.plot.vega
The regression transform fits two-dimensional regression models to smooth and predict data.
RegressionTree - Class in smile.regression
Regression tree.
RegressionTree(DataFrame, Loss, StructField, int, int, int, int, int[], int[][]) - Constructor for class smile.regression.RegressionTree
Constructor.
RegressionTree.Options - Record Class in smile.regression
Regression tree hyperparameters.
RegressionValidation<M> - Record Class in smile.validation
Regression model validation results.
RegressionValidation(M, double[], double[], RegressionMetrics) - Constructor for record class smile.validation.RegressionValidation
Creates an instance of a RegressionValidation record class.
RegressionValidations<M> - Record Class in smile.validation
Regression model validation results.
RegressionValidations(List, RegressionMetrics, RegressionMetrics) - Constructor for record class smile.validation.RegressionValidations
Creates an instance of a RegressionValidations record class.
regressors - Variable in class smile.regression.GaussianProcessRegression
The regressors.
regularizedIncompleteBetaFunction(double, double, double) - Static method in class smile.math.special.Beta
Regularized Incomplete Beta function.
regularizedIncompleteGamma(double, double) - Static method in class smile.math.special.Gamma
Regularized Incomplete Gamma Function P(s,x) = 0x e-t t(s-1) dt
regularizedUpperIncompleteGamma(double, double) - Static method in class smile.math.special.Gamma
Regularized Upper/Complementary Incomplete Gamma Function Q(s,x) = 1 - P(s,x) = 1 - 0x e-t t(s-1) dt
rejectionSampling(double, double, double) - Method in interface smile.stat.distribution.Distribution
Use the rejection technique to draw a sample from the given distribution.
Relevance - Record Class in smile.nlp.relevance
In the context of information retrieval, relevance denotes how well a retrieved set of documents meets the information need of the user.
Relevance(Text, double) - Constructor for record class smile.nlp.relevance.Relevance
Creates an instance of a Relevance record class.
RelevanceRanker - Interface in smile.nlp.relevance
An interface to provide relevance ranking algorithm.
relu(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with ReLU activation function.
relu(int, int, double) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with ReLU activation function.
ReLU - Class in smile.deep.activation
Rectified Linear Unit activation function.
ReLU(boolean) - Constructor for class smile.deep.activation.ReLU
Constructor.
remove() - Method in class smile.util.PairingHeap
 
remove(double[], E) - Method in class smile.neighbor.MutableLSH
Remove an entry from the hash table.
remove(int) - Method in class smile.neighbor.lsh.Bucket
Removes a point from bucket.
remove(int) - Method in class smile.util.DoubleArrayList
Removes the value at specified index from the list.
remove(int) - Method in class smile.util.FloatArrayList
Removes the value at specified index from the list.
remove(int) - Method in class smile.util.IntArrayList
Removes the value at specified index from the list.
remove(int) - Method in class smile.util.IntDoubleHashMap
Removes the mapping for the specified key from this map if present.
remove(int) - Method in class smile.util.IntHashSet
Removes the specified element from this set if it is present.
remove(int) - Method in class smile.util.SparseArray
Removes an entry.
remove(int) - Method in class smile.util.SparseIntArray
Removes an entry.
remove(AutoCloseable) - Method in class smile.util.AutoScope
Detaches resources from this scope.
remove(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int remove(const char *__filename)
remove(Object) - Method in class smile.util.PairingHeap
 
remove(Plot) - Method in class smile.plot.swing.Figure
Removes a graphical shape from the canvas.
remove(Shape) - Method in class smile.plot.swing.Figure
Removes a graphical shape from the canvas.
remove$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int remove(const char *__filename)
remove$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int remove(const char *__filename)
remove$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int remove(const char *__filename)
removeAll(Collection) - Method in class smile.util.PairingHeap
 
removeChild(Concept) - Method in class smile.taxonomy.Concept
Removes a child to this node.
removeEdge(int, int) - Method in class smile.graph.Graph
In a simple graph, removes and returns the edge going from the specified source vertex to the specified target vertex.
removeEdge(Neuron) - Method in class smile.vq.hebb.Neuron
Removes an edge.
removeEdges(Collection) - Method in class smile.graph.Graph
Removes a set of edges from the graph.
removeKeyword(String) - Method in class smile.taxonomy.Concept
Removes a keyword from the concept synset.
removeLegend() - Method in class smile.plot.vega.Field
Removes the legend for the encoding channel will be removed.
removePropertyChangeListener(PropertyChangeListener) - Method in class smile.plot.swing.Figure
Remove a PropertyChangeListener from the listener list.
rename(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int rename(const char *__old, const char *__new)
rename(String, String) - Method in record class smile.data.type.StructType
Renames a field.
rename$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int rename(const char *__old, const char *__new)
rename$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int rename(const char *__old, const char *__new)
rename$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int rename(const char *__old, const char *__new)
renameat(int, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int renameat(int __oldfd, const char *__old, int __newfd, const char *__new)
renameat$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int renameat(int __oldfd, const char *__old, int __newfd, const char *__new)
renameat$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int renameat(int __oldfd, const char *__old, int __newfd, const char *__new)
renameat$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int renameat(int __oldfd, const char *__old, int __newfd, const char *__new)
Renderer - Class in smile.plot.swing
Renderer provides methods to draw graphical primitives in logical/mathematical coordinates.
Renderer(Projection) - Constructor for class smile.plot.swing.Renderer
Constructor.
Repeat - Class in smile.plot.vega
Repeat a View.
Repeat(VegaLite, String...) - Constructor for class smile.plot.vega.Repeat
Creates a view for each entry in an array of fields.
Repeat(VegaLite, String[], String[]) - Constructor for class smile.plot.vega.Repeat
Creates a view for each entry in an array of fields.
replace(Node, Node) - Method in class smile.base.cart.InternalNode
Returns a new internal node with children replaced.
replace(Node, Node) - Method in class smile.base.cart.NominalNode
 
replace(Node, Node) - Method in class smile.base.cart.OrdinalNode
 
replaceNaN(double) - Method in class smile.util.Array2D
Replaces NaN values with x.
repulsionStrength() - Method in record class smile.manifold.UMAP.Options
Returns the value of the repulsionStrength record component.
requireGradients(boolean) - Method in class smile.deep.tensor.Tensor.Options
Set true if gradients need to be computed for this tensor.
reset() - Method in class smile.deep.metric.Accuracy
 
reset() - Method in interface smile.deep.metric.Metric
Resets the metric state variables to their default value.
reset() - Method in class smile.deep.metric.Precision
 
reset() - Method in class smile.deep.metric.Recall
 
reset() - Method in class smile.deep.Optimizer
Resets gradients.
reset() - Method in class smile.plot.swing.Axis
Resets the base coordinate space.
reset() - Method in class smile.plot.swing.Base
Reset base coordinates.
reset() - Method in class smile.plot.swing.Canvas
Resets the plot.
reset() - Method in class smile.plot.swing.Projection
Reset the base coordinates on Java2D screen.
reshape(int...) - Method in class smile.tensor.JTensor
 
reshape(int...) - Method in interface smile.tensor.Matrix
 
reshape(int...) - Method in record class smile.tensor.Scalar
 
reshape(int...) - Method in interface smile.tensor.Tensor
Returns a tensor with the same data and number of elements but with the specified shape.
reshape(long...) - Method in class smile.deep.tensor.Tensor
Returns a tensor with the same data and number of elements but with the specified shape.
reshapeForBroadcast(Tensor, Tensor) - Static method in interface smile.llm.RotaryPositionalEncoding
Reshapes the cis tensor to match the shape of the target tensor x for broadcasting purposes, allowing for element-wise operations between tensors of compatible shapes.
residual() - Method in interface smile.base.cart.Loss
Returns the residual vector.
residuals() - Method in record class smile.math.LevenbergMarquardt
Returns the value of the residuals record component.
residuals() - Method in class smile.regression.LinearModel
Returns the residuals, which is response minus fitted values.
residuals() - Method in class smile.timeseries.AR
Returns the residuals, that is response minus fitted values.
residuals() - Method in class smile.timeseries.ARMA
Returns the residuals, that is response minus fitted values.
resize(BufferedImage, int, int) - Method in interface smile.vision.transform.Transform
Resizes an image and keeps the aspect ratio.
resolveAxis(String, String) - Method in class smile.plot.vega.Concat
 
resolveAxis(String, String) - Method in class smile.plot.vega.Facet
 
resolveAxis(String, String) - Method in class smile.plot.vega.Layer
 
resolveAxis(String, String) - Method in class smile.plot.vega.Repeat
 
resolveAxis(String, String) - Method in interface smile.plot.vega.ViewComposition
Sets an axis resolution.
resolveLegend(String, String) - Method in class smile.plot.vega.Concat
 
resolveLegend(String, String) - Method in class smile.plot.vega.Facet
 
resolveLegend(String, String) - Method in class smile.plot.vega.Layer
 
resolveLegend(String, String) - Method in class smile.plot.vega.Repeat
 
resolveLegend(String, String) - Method in interface smile.plot.vega.ViewComposition
Sets a legend resolution.
resolveScale(String, String) - Method in class smile.plot.vega.Concat
 
resolveScale(String, String) - Method in class smile.plot.vega.Facet
 
resolveScale(String, String) - Method in class smile.plot.vega.Layer
 
resolveScale(String, String) - Method in class smile.plot.vega.Repeat
 
resolveScale(String, String) - Method in interface smile.plot.vega.ViewComposition
Sets a scale resolution.
response - Variable in class smile.base.cart.CART
The schema of response variable.
response() - Method in interface smile.base.cart.Loss
Returns the response variable for next iteration.
response() - Method in class smile.data.formula.Formula
Returns the response term.
retainAll(Collection) - Method in class smile.util.PairingHeap
 
reverse(double[]) - Static method in class smile.math.MathEx
Reverses the order of the elements in the specified array.
reverse(float[]) - Static method in class smile.math.MathEx
Reverses the order of the elements in the specified array.
reverse(int[]) - Static method in class smile.math.MathEx
Reverses the order of the elements in the specified array.
reverse(T[]) - Static method in class smile.math.MathEx
Reverses the order of the elements in the specified array.
rewind(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void rewind(FILE *__stream)
rewind$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void rewind(FILE *__stream)
rewind$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void rewind(FILE *__stream)
rewind$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void rewind(FILE *__stream)
rho - Variable in class smile.base.mlp.MultilayerPerceptron
The discounting factor for the history/coming gradient in RMSProp.
rhs(String...) - Static method in class smile.data.formula.Formula
Factory method.
rhs(Term...) - Static method in class smile.data.formula.Formula
Factory method.
RidgeRegression - Class in smile.regression
Ridge Regression.
RidgeRegression.Options - Record Class in smile.regression
Ridge regression hyperparameters.
RIGHT - Enum constant in enum class smile.linalg.Side
B * A
rightPad(String, int, char) - Static method in interface smile.util.Strings
Right pad a string with a specified character.
rint(String) - Static method in interface smile.data.formula.Terms
The rint(x) term.
rint(Term) - Static method in interface smile.data.formula.Terms
The rint(x) term.
rmse() - Method in record class smile.validation.RegressionMetrics
Returns the value of the rmse record component.
RMSE - Class in smile.validation.metric
Root mean squared error.
RMSE() - Constructor for class smile.validation.metric.RMSE
Constructor.
RMSNormLayer - Class in smile.deep.layer
Root Mean Square Layer Normalization.
RMSNormLayer(int) - Constructor for class smile.deep.layer.RMSNormLayer
Constructor.
RMSNormLayer(int, double) - Constructor for class smile.deep.layer.RMSNormLayer
Constructor.
RMSprop(Model, double) - Static method in class smile.deep.Optimizer
Returns an RMSprop optimizer.
RMSprop(Model, double, double, double, double, double, boolean) - Static method in class smile.deep.Optimizer
Returns an RMSprop optimizer.
RNNSearch<K,V> - Interface in smile.neighbor
Retrieves the nearest neighbors to a query in a radius.
RobustStandardizer - Interface in smile.feature.transform
Robustly standardizes numeric feature by subtracting the median and dividing by the IQR.
role() - Method in record class smile.llm.Message
Returns the value of the role record component.
Role - Enum Class in smile.llm
The role of message speaker in a dialog.
root - Variable in class smile.base.cart.CART
The root of decision tree.
root() - Method in class smile.base.cart.CART
Returs the root node.
root(double, double, double, int) - Method in interface smile.util.function.DifferentiableFunction
Newton's method (also known as the Newton–Raphson method).
root(double, double, double, int) - Method in interface smile.util.function.Function
Brent's method for root-finding.
ropeTheta() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the ropeTheta record component.
ROSY_BROWN - Static variable in class smile.plot.swing.Palette
The color rosy brown with an RGB value of #BC8F8F
RotaryPositionalEncoding - Interface in smile.llm
Rotary positional encoding (RoPE).
rotate(double, double) - Method in class smile.plot.swing.Renderer
Rotates the 3D view based on the changes on mouse position.
rotate(double, double, double) - Method in class smile.plot.vega.Projection
Sets the projection's three-axis rotation to the specified angles by specifying the rotation angles in degrees about each spherical axis.
RouletteWheel() - Static method in interface smile.gap.Selection
Roulette Wheel Selection, also called fitness proportionate selection.
round(double, int) - Static method in class smile.math.MathEx
Round a double vale to given digits such as 10^n, where n is a positive or negative integer.
round(String) - Static method in interface smile.data.formula.Terms
The round(x) term.
round(Term) - Static method in interface smile.data.formula.Terms
The round(x) term.
Round - Class in smile.data.formula
The term of round function.
Round(Term) - Constructor for class smile.data.formula.Round
Constructor.
ROUND_STYLE - Static variable in class smile.math.MathEx
Rounding style.
rounds() - Method in record class smile.validation.ClassificationValidations
Returns the value of the rounds record component.
rounds() - Method in record class smile.validation.RegressionValidations
Returns the value of the rounds record component.
row(double[]) - Static method in class smile.tensor.Vector
Creates a row vector.
row(float[]) - Static method in class smile.tensor.Vector
Creates a row vector.
row(int) - Method in class smile.tensor.DenseMatrix
Returns the i-th row.
row(String) - Method in class smile.plot.vega.Facet
Returns the field definition for the horizontal facet of trellis plots.
Row - Record Class in smile.data
A row in data frame.
Row(DataFrame, int) - Constructor for record class smile.data.Row
Creates an instance of a Row record class.
ROW_MAJOR - Enum constant in enum class smile.linalg.Order
Row major layout.
RowHeader() - Constructor for class smile.swing.Table.RowHeader
Constructor.
RowIndex - Record Class in smile.data
DataFrame row index.
RowIndex(Object[]) - Constructor for record class smile.data.RowIndex
Constructor.
RowIndex(Object[], Map) - Constructor for record class smile.data.RowIndex
Creates an instance of a RowIndex record class.
rowMax(double[][]) - Static method in class smile.math.MathEx
Returns the row maximum of a matrix.
rowMax(int[][]) - Static method in class smile.math.MathEx
Returns the row maximum of a matrix.
rowMeans() - Method in class smile.tensor.DenseMatrix
Returns the mean of each row.
rowMeans(double[][]) - Static method in class smile.math.MathEx
Returns the row means of a matrix.
rowMin(double[][]) - Static method in class smile.math.MathEx
Returns the row minimum of a matrix.
rowMin(int[][]) - Static method in class smile.math.MathEx
Returns the row minimum of a matrix.
rowNames() - Method in class smile.tensor.DenseMatrix
Returns the row names.
rowPadding(double) - Method in class smile.plot.vega.Legend
Sets the vertical padding in pixels between symbol legend entries.
rows(int...) - Method in class smile.tensor.DenseMatrix
Returns the matrix of selected rows.
rows(int, int) - Method in class smile.tensor.DenseMatrix
Returns the submatrix of selected rows.
rowStdevs(double[][]) - Static method in class smile.math.MathEx
Returns the row standard deviations of a matrix.
rowSums() - Method in class smile.tensor.DenseMatrix
Returns the sum of each row.
rowSums(double[][]) - Static method in class smile.math.MathEx
Returns the row sums of a matrix.
rowSums(int[][]) - Static method in class smile.math.MathEx
Returns the row sums of a matrix.
ROYAL_BLUE - Static variable in class smile.plot.swing.Palette
The color royal blue with an RGB value of #4169E1
RP - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Particle.
rsqrt() - Method in class smile.deep.tensor.Tensor
Returns the reciprocal of the square-root of each of the elements in the tensor.
rsqrt_() - Method in class smile.deep.tensor.Tensor
Returns the reciprocal of the square-root of each of the elements in the tensor.
RSquared() - Method in class smile.regression.LinearModel
Returns R2 statistic.
rss() - Method in record class smile.validation.RegressionMetrics
Returns the value of the rss record component.
RSS - Class in smile.validation.metric
Residual sum of squares.
RSS() - Constructor for class smile.validation.metric.RSS
Constructor.
RSS() - Method in class smile.regression.LinearModel
Returns the residual sum of squares.
RSS() - Method in class smile.timeseries.AR
Returns the residual sum of squares.
RSS() - Method in class smile.timeseries.ARMA
Returns the residual sum of squares.
rule() - Method in record class smile.classification.DecisionTree.Options
Returns the value of the rule record component.
rule() - Method in record class smile.classification.RandomForest.Options
Returns the value of the rule record component.
run(int, Supplier) - Static method in interface smile.clustering.Clustering
Runs a clustering algorithm multiple times and return the best one (e.g.
rutherford(Path) - Static method in class smile.tensor.SparseMatrix
Reads a sparse matrix from a Rutherford-Boeing Exchange Format file.

S

s() - Method in record class smile.tensor.SVD
Returns the value of the s record component.
SA - Enum constant in enum class smile.tensor.ARPACK.SymmOption
The smallest algebraic eigenvalues.
SADDLE_BROWN - Static variable in class smile.plot.swing.Palette
The color saddle brown with an RGB value of #8B4513
SALMON - Static variable in class smile.plot.swing.Palette
The color salmon with an RGB value of #FA8072
SammonMapping - Record Class in smile.manifold
The Sammon's mapping is an iterative technique for making interpoint distances in the low-dimensional projection as close as possible to the interpoint distances in the high-dimensional object.
SammonMapping(double, double[][]) - Constructor for record class smile.manifold.SammonMapping
Creates an instance of a SammonMapping record class.
SammonMapping.Options - Record Class in smile.manifold
Sammon's mapping hyperparameters.
sample(int) - Method in class smile.plot.vega.Transform
Adds a sample transform.
sample(int) - Method in class smile.regression.GaussianProcessRegression.JointPrediction
Draw samples from Gaussian process.
SampleBatch - Record Class in smile.deep
A min-batch dataset consists of data and an associated target (label).
SampleBatch(Tensor, Tensor) - Constructor for record class smile.deep.SampleBatch
Creates an instance of a SampleBatch record class.
SampleInstance<D,T> - Record Class in smile.data
An immutable sample instance.
SampleInstance(D) - Constructor for record class smile.data.SampleInstance
Constructor without target.
SampleInstance(D, T) - Constructor for record class smile.data.SampleInstance
Creates an instance of a SampleInstance record class.
samples - Variable in class smile.base.cart.CART
The samples for training this node.
samples() - Method in record class smile.validation.Bag
Returns the value of the samples record component.
Sampling - Interface in smile.stat
Random sampling is the selection of a subset of individuals from within a statistical population to estimate characteristics of the whole population.
SANDY_BROWN - Static variable in class smile.plot.swing.Palette
The color sandy brown with an RGB value of #F4A460
sas(String) - Static method in interface smile.io.Read
Reads a SAS7BDAT file.
sas(Path) - Static method in interface smile.io.Read
Reads a SAS7BDAT file.
SAS - Interface in smile.io
Reads SAS7BDAT datasets.
save() - Method in interface smile.plot.swing.Scene
Shows a file chooser and exports the scene to the selected image file.
save(File) - Method in interface smile.plot.swing.Scene
Exports the scene to an image file.
save(String) - Method in class smile.deep.layer.LayerBlock
Serialize the layer block as a checkpoint.
save(String) - Method in class smile.deep.Model
Serialize the model as a checkpoint.
saveAction() - Method in interface smile.plot.swing.Scene
Returns the save action.
SaveAction(Scene) - Constructor for class smile.plot.swing.Scene.SaveAction
Constructor.
sbdsdc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__q, __CLPK_integer *__iq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sbdsdc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__q, __CLPK_integer *__iq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sbdsdc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__q, __CLPK_integer *__iq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sbdsdc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sbdsdc_(char *__uplo, char *__compq, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__q, __CLPK_integer *__iq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sbdsqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sbdsqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sbdsqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sbdsqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
Scalar - Record Class in smile.tensor
A scalar is a single number.
Scalar(Number) - Constructor for record class smile.tensor.Scalar
Creates an instance of a Scalar record class.
scalarType() - Method in class smile.tensor.AtA
 
scalarType() - Method in class smile.tensor.JTensor
 
scalarType() - Method in record class smile.tensor.Scalar
 
scalarType() - Method in class smile.tensor.SparseMatrix
 
scalarType() - Method in interface smile.tensor.Tensor
Returns the element data type.
ScalarType - Enum Class in smile.deep.tensor
The data type of the elements stored in the tensor.
ScalarType - Enum Class in smile.tensor
The data type of scalar value.
scale - Variable in class smile.stat.distribution.LogisticDistribution
The scale parameter.
scale() - Method in class smile.classification.ClassLabels
Returns the nominal scale of the class labels.
scale() - Method in class smile.math.kernel.Gaussian
Returns the length scale of kernel.
scale() - Method in class smile.math.kernel.HyperbolicTangent
Returns the scale of kernel.
scale() - Method in class smile.math.kernel.Laplacian
Returns the length scale of kernel.
scale() - Method in class smile.math.kernel.Matern
Returns the length scale of kernel.
scale() - Method in class smile.math.kernel.Polynomial
Returns the scale of kernel.
scale() - Method in class smile.math.kernel.ThinPlateSpline
Returns the length scale of kernel.
scale(double) - Method in class smile.classification.PlattScaling
Returns the posterior probability estimate P(y = 1 | x).
scale(double) - Method in record class smile.math.Complex
Scalar multiplication.
scale(double) - Method in class smile.plot.vega.Projection
Sets the projection's scale (zoom) factor, overriding automatic fitting.
scale(double) - Method in class smile.tensor.AtA
 
scale(double) - Method in class smile.tensor.BandMatrix
 
scale(double) - Method in class smile.tensor.DenseMatrix
 
scale(double) - Method in interface smile.tensor.Matrix
A *= alpha
scale(double) - Method in class smile.tensor.SparseMatrix
 
scale(double) - Method in class smile.tensor.SymmMatrix
 
scale(double) - Method in class smile.tensor.Vector
 
scale(double[][]) - Static method in class smile.math.MathEx
Scales each column of a matrix to range [0, 1].
scale(double, double[]) - Static method in class smile.math.MathEx
Scale each element of an array by a constant x = a * x.
scale(double, double[], double[]) - Static method in class smile.math.MathEx
Scale each element of an array by a constant y = a * x.
scale(String) - Method in class smile.plot.vega.Field
Sets the function that transforms values in the data domain (numbers, dates, strings, etc.) to visual values (pixels, colors, sizes) for position and mark property channels.
scale(Tensor) - Static method in interface smile.llm.RotaryPositionalEncoding
Adapts RoPE to longer input lengths.
scaledRope() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the scaledRope record component.
ScaledRouletteWheel() - Static method in interface smile.gap.Selection
Scaled Roulette Wheel Selection.
Scaler - Class in smile.math
Affine transformation y = (x - offset) / scale.
Scaler - Interface in smile.feature.transform
Scales the numeric variables into the range [0, 1].
Scaler(double, double, boolean) - Constructor for class smile.math.Scaler
Constructor.
scatter() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
Returns the scatter of distribution, which is defined as |Σ|.
ScatterPlot - Class in smile.plot.swing
The data is displayed as a collection of points.
ScatterPlot(Point...) - Constructor for class smile.plot.swing.ScatterPlot
Constructor.
ScatterPlot(Point[], Legend[]) - Constructor for class smile.plot.swing.ScatterPlot
Constructor.
scatterReduce(int, Tensor, Tensor, String) - Method in class smile.deep.tensor.Tensor
Writes all values from the tensor src into this tensor at the indices specified in the index tensor.
scatterReduce_(int, Tensor, Tensor, String) - Method in class smile.deep.tensor.Tensor
Writes all values from the tensor src into this tensor at the indices specified in the index tensor.
Scene - Interface in smile.plot.swing
Printable scene of mathematical plots.
Scene.PrintAction - Class in smile.plot.swing
Action to print the scene.
Scene.SaveAction - Class in smile.plot.swing
Action to save the scene to an image file.
SCHED_FIFO() - Static method in class smile.linalg.blas.cblas_h
#define SCHED_FIFO 1
sched_get_priority_max(int) - Static method in class smile.linalg.blas.cblas_h
extern int sched_get_priority_max(int __algorithm)
sched_get_priority_max$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_get_priority_max(int __algorithm)
sched_get_priority_max$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_get_priority_max(int __algorithm)
sched_get_priority_max$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_get_priority_max(int __algorithm)
sched_get_priority_min(int) - Static method in class smile.linalg.blas.cblas_h
extern int sched_get_priority_min(int __algorithm)
sched_get_priority_min$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_get_priority_min(int __algorithm)
sched_get_priority_min$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_get_priority_min(int __algorithm)
sched_get_priority_min$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_get_priority_min(int __algorithm)
sched_getparam(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int sched_getparam(__pid_t __pid, struct sched_param *__param)
sched_getparam$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_getparam(__pid_t __pid, struct sched_param *__param)
sched_getparam$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_getparam(__pid_t __pid, struct sched_param *__param)
sched_getparam$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_getparam(__pid_t __pid, struct sched_param *__param)
sched_getscheduler(int) - Static method in class smile.linalg.blas.cblas_h
extern int sched_getscheduler(__pid_t __pid)
sched_getscheduler$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_getscheduler(__pid_t __pid)
sched_getscheduler$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_getscheduler(__pid_t __pid)
sched_getscheduler$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_getscheduler(__pid_t __pid)
SCHED_OTHER() - Static method in class smile.linalg.blas.cblas_h
#define SCHED_OTHER 0
SCHED_RR() - Static method in class smile.linalg.blas.cblas_h
#define SCHED_RR 2
sched_rr_get_interval(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int sched_rr_get_interval(__pid_t __pid, struct timespec *__t)
sched_rr_get_interval$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_rr_get_interval(__pid_t __pid, struct timespec *__t)
sched_rr_get_interval$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_rr_get_interval(__pid_t __pid, struct timespec *__t)
sched_rr_get_interval$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_rr_get_interval(__pid_t __pid, struct timespec *__t)
sched_setparam(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int sched_setparam(__pid_t __pid, const struct sched_param *__param)
sched_setparam$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_setparam(__pid_t __pid, const struct sched_param *__param)
sched_setparam$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_setparam(__pid_t __pid, const struct sched_param *__param)
sched_setparam$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_setparam(__pid_t __pid, const struct sched_param *__param)
sched_setscheduler(int, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int sched_setscheduler(__pid_t __pid, int __policy, const struct sched_param *__param)
sched_setscheduler$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_setscheduler(__pid_t __pid, int __policy, const struct sched_param *__param)
sched_setscheduler$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_setscheduler(__pid_t __pid, int __policy, const struct sched_param *__param)
sched_setscheduler$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_setscheduler(__pid_t __pid, int __policy, const struct sched_param *__param)
sched_yield() - Static method in class smile.linalg.blas.cblas_h
extern int sched_yield()
sched_yield$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int sched_yield()
sched_yield$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int sched_yield()
sched_yield$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int sched_yield()
schema - Variable in class smile.base.cart.CART
The schema of predictors.
schema - Variable in class smile.data.AbstractTuple
The schema of tuple.
schema - Variable in class smile.feature.extraction.Projection
The schema of output space.
schema() - Method in class smile.classification.AdaBoost
 
schema() - Method in interface smile.classification.DataFrameClassifier
Returns the predictor schema.
schema() - Method in class smile.classification.DecisionTree
 
schema() - Method in class smile.classification.GradientTreeBoost
 
schema() - Method in class smile.classification.RandomForest
 
schema() - Method in class smile.data.AbstractTuple
 
schema() - Method in record class smile.data.DataFrame
Returns the value of the schema record component.
schema() - Method in record class smile.data.Row
 
schema() - Method in interface smile.data.Tuple
Returns the schema of tuple.
schema() - Method in class smile.io.Arff
Returns the data schema.
schema() - Method in interface smile.regression.DataFrameRegression
Returns the schema of predictors.
schema() - Method in class smile.regression.GradientTreeBoost
 
schema() - Method in class smile.regression.LinearModel
 
schema() - Method in class smile.regression.RandomForest
 
schema() - Method in class smile.regression.RegressionTree
 
schema(StructType) - Method in class smile.io.CSV
Sets the schema.
schema(StructType) - Method in class smile.io.JSON
Sets the schema.
score - Variable in class smile.nlp.collocation.Bigram
The chi-square statistical score of the collocation.
score() - Method in class smile.base.cart.InternalNode
Returns the split score (reduction of impurity).
score() - Method in record class smile.nlp.relevance.Relevance
Returns the value of the score record component.
score(double[]) - Method in class smile.anomaly.IsolationForest
Returns the anomaly score.
score(double[]) - Method in class smile.classification.LinearSVM
 
score(double[]) - Method in class smile.classification.LogisticRegression.Binomial
 
score(double[][]) - Method in class smile.anomaly.IsolationForest
Returns the anomaly scores.
score(double[], double[]) - Method in class smile.validation.metric.MAD
 
score(double[], double[]) - Method in class smile.validation.metric.MSE
 
score(double[], double[]) - Method in class smile.validation.metric.R2
 
score(double[], double[]) - Method in interface smile.validation.metric.RegressionMetric
Returns a score to measure the quality of regression.
score(double[], double[]) - Method in class smile.validation.metric.RMSE
 
score(double[], double[]) - Method in class smile.validation.metric.RSS
 
score(double, int, double, long, long) - Method in class smile.nlp.relevance.BM25
Returns the relevance score between a term and a document based on a corpus.
score(double, long, long) - Method in class smile.nlp.relevance.BM25
Returns the relevance score between a term and a document based on a corpus.
score(int[]) - Method in class smile.classification.BinarySparseLinearSVM
 
score(int[]) - Method in class smile.classification.Maxent.Binomial
 
score(int[], double[]) - Method in class smile.validation.metric.AUC
 
score(int[], double[]) - Method in class smile.validation.metric.LogLoss
 
score(int[], double[]) - Method in interface smile.validation.metric.ProbabilisticClassificationMetric
Returns a score to measure the quality of classification.
score(int[], int[]) - Method in class smile.validation.metric.Accuracy
 
score(int[], int[]) - Method in class smile.validation.metric.AdjustedMutualInformation
 
score(int[], int[]) - Method in class smile.validation.metric.AdjustedRandIndex
 
score(int[], int[]) - Method in interface smile.validation.metric.ClassificationMetric
Returns a score to measure the quality of classification.
score(int[], int[]) - Method in interface smile.validation.metric.ClusteringMetric
Returns a score to measure the quality of clustering.
score(int[], int[]) - Method in class smile.validation.metric.Error
 
score(int[], int[]) - Method in class smile.validation.metric.Fallout
 
score(int[], int[]) - Method in class smile.validation.metric.FDR
 
score(int[], int[]) - Method in class smile.validation.metric.FScore
 
score(int[], int[]) - Method in class smile.validation.metric.MatthewsCorrelation
 
score(int[], int[]) - Method in class smile.validation.metric.MutualInformation
 
score(int[], int[]) - Method in class smile.validation.metric.NormalizedMutualInformation
 
score(int[], int[]) - Method in class smile.validation.metric.Precision
 
score(int[], int[]) - Method in class smile.validation.metric.RandIndex
 
score(int[], int[]) - Method in class smile.validation.metric.Recall
 
score(int[], int[]) - Method in class smile.validation.metric.Sensitivity
 
score(int[], int[]) - Method in class smile.validation.metric.Specificity
 
score(int, int, double, int, int, double, int, int, double, long, long) - Method in class smile.nlp.relevance.BM25
Returns the relevance score between a term and a document based on a corpus.
score(SparseArray) - Method in class smile.classification.SparseLinearSVM
 
score(SparseArray) - Method in class smile.classification.SparseLogisticRegression.Binomial
 
score(T) - Method in class smile.base.svm.KernelMachine
Returns the decision function value.
score(T) - Method in interface smile.classification.Classifier
The raw prediction score.
score(T) - Method in interface smile.gap.Fitness
Returns the non-negative fitness value of a chromosome.
scores() - Method in record class smile.manifold.MDS
Returns the value of the scores record component.
scoreTime() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the scoreTime record component.
scoreTime() - Method in record class smile.validation.RegressionMetrics
Returns the value of the scoreTime record component.
scott(double[]) - Static method in interface smile.math.Histogram
Returns the number of bins by Scott's rule h = 3.5 * σ / (n1/3).
screenProjection(double...) - Method in class smile.plot.swing.Projection
Project logical coordinates to Java2D coordinates.
screenProjectionBaseRatio(double...) - Method in class smile.plot.swing.Projection
Project logical coordinates in base ratio to Java2D coordinates.
ScreePlot - Class in smile.plot.swing
In multivariate statistics, a scree plot is a line plot of the eigenvalues of factors or principal components in an analysis.
ScreePlot(double[]) - Constructor for class smile.plot.swing.ScreePlot
Constructor.
scsum1_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal scsum1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
scsum1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal scsum1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
scsum1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal scsum1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
scsum1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal scsum1_(__CLPK_integer *__n, __CLPK_complex *__cx, __CLPK_integer *__incx)
sd - Variable in class smile.regression.GaussianProcessRegression.JointPrediction
The standard deviation of predictive distribution at query points.
sd - Variable in class smile.regression.GaussianProcessRegression
The standard deviation of responsible variable.
sd() - Method in class smile.neighbor.lsh.HashValueParzenModel
Returns the standard deviation.
sd() - Method in class smile.stat.distribution.BinomialDistribution
 
sd() - Method in class smile.stat.distribution.ChiSquareDistribution
 
sd() - Method in interface smile.stat.distribution.Distribution
Returns the standard deviation of distribution.
sd() - Method in class smile.stat.distribution.EmpiricalDistribution
 
sd() - Method in class smile.stat.distribution.ExponentialDistribution
 
sd() - Method in class smile.stat.distribution.GammaDistribution
 
sd() - Method in class smile.stat.distribution.GaussianDistribution
 
sd() - Method in class smile.stat.distribution.GeometricDistribution
 
sd() - Method in class smile.stat.distribution.KernelDensity
 
sd() - Method in class smile.stat.distribution.LogisticDistribution
 
sd() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
sd() - Method in class smile.stat.distribution.PoissonDistribution
 
sd() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
sd() - Method in class smile.stat.distribution.TDistribution
 
sdisna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sdisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__sep, __CLPK_integer *__info)
sdisna_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sdisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__sep, __CLPK_integer *__info)
sdisna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sdisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__sep, __CLPK_integer *__info)
sdisna_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sdisna_(char *__job, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__sep, __CLPK_integer *__info)
SEAGREEN - Static variable in class smile.plot.swing.Palette
The color sea green with an RGB value of #2E8B57
search(double) - Method in class smile.interpolation.AbstractInterpolation
Given a value x, return a value j such that x is (insofar as possible) centered in the subrange xx[j..j+m-1], where xx is the stored data.
search(double[], double, List) - Method in class smile.neighbor.KDTree
 
search(double[], double, List) - Method in class smile.neighbor.LSH
 
search(double[], double, List) - Method in class smile.neighbor.MPLSH
 
search(double[], double, List, double, int) - Method in class smile.neighbor.MPLSH
Search the neighbors in the given radius of query object, i.e.
search(double[], int) - Method in class smile.neighbor.KDTree
 
search(double[], int) - Method in class smile.neighbor.LSH
 
search(double[], int) - Method in class smile.neighbor.MPLSH
 
search(double[], int) - Method in class smile.neighbor.RandomProjectionForest
 
search(double[], int) - Method in class smile.neighbor.RandomProjectionTree
 
search(double[], int, double, int) - Method in class smile.neighbor.MPLSH
Returns the approximate k-nearest neighbors.
search(String) - Method in interface smile.nlp.Corpus
Returns the iterator over the set of documents containing the given term.
search(String) - Method in class smile.nlp.SimpleCorpus
 
search(K, double, List) - Method in class smile.neighbor.BKTree
 
search(K, double, List) - Method in class smile.neighbor.CoverTree
 
search(K, double, List) - Method in class smile.neighbor.LinearSearch
 
search(K, double, List) - Method in interface smile.neighbor.RNNSearch
Retrieves the neighbors in a fixed radius of query object, i.e.
search(K, double, List) - Method in class smile.neighbor.SNLSH
 
search(K, int) - Method in class smile.neighbor.CoverTree
 
search(K, int) - Method in interface smile.neighbor.KNNSearch
Retrieves the k nearest neighbors to the query key.
search(K, int) - Method in class smile.neighbor.LinearSearch
 
search(K, int, List) - Method in class smile.neighbor.BKTree
Search the neighbors in the given radius of query object, i.e.
search(RelevanceRanker, String) - Method in interface smile.nlp.Corpus
Returns the iterator over the set of documents containing the given term in descending order of relevance.
search(RelevanceRanker, String) - Method in class smile.nlp.SimpleCorpus
 
search(RelevanceRanker, String[]) - Method in interface smile.nlp.Corpus
Returns the iterator over the set of documents containing (at least one of) the given terms in descending order of relevance.
search(RelevanceRanker, String[]) - Method in class smile.nlp.SimpleCorpus
 
SEASHELL - Static variable in class smile.plot.swing.Palette
The color seashell with an RGB value of #FFF5EE
SECOND - Enum constant in enum class smile.data.formula.DateFeature
The seconds represented by an integer from 0 to 59 in the usual manner.
seeds() - Method in record class smile.classification.RandomForest.Options
Returns the value of the seeds record component.
seeds() - Static method in class smile.math.MathEx
Returns a stream of random numbers to be used as RNG seeds.
seeds() - Method in record class smile.regression.RandomForest.Options
Returns the value of the seeds record component.
seeds(double[][], int) - Static method in record class smile.clustering.CentroidClustering
Selects random samples as seeds for various algorithms.
SEEK_CUR() - Static method in class smile.linalg.blas.cblas_h
#define SEEK_CUR 1
SEEK_END() - Static method in class smile.linalg.blas.cblas_h
#define SEEK_END 2
SEEK_SET() - Static method in class smile.linalg.blas.cblas_h
#define SEEK_SET 0
select(double[], int) - Static method in interface smile.sort.QuickSelect
Given k in [0, n-1], returns an array value from arr such that k array values are less than or equal to the one returned.
select(float[], int) - Static method in interface smile.sort.QuickSelect
Given k in [0, n-1], returns an array value from arr such that k array values are less than or equal to the one returned.
select(int...) - Method in record class smile.data.DataFrame
Returns a new DataFrame with selected columns.
select(int[], int) - Static method in interface smile.sort.QuickSelect
Given k in [0, n-1], returns an array value from arr such that k array values are less than or equal to the one returned.
select(String...) - Method in record class smile.data.DataFrame
Returns a new DataFrame with selected columns.
select(T[], int) - Static method in interface smile.sort.QuickSelect
Given k in [0, n-1], returns an array value from arr such that k array values are less than or equal to the one returned.
Selection - Interface in smile.gap
The way to select chromosomes from the population as parents to crossover.
sensitivity() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the sensitivity record component.
Sensitivity - Class in smile.validation.metric
Sensitivity or true positive rate (TPR) (also called hit rate, recall) is a statistical measures of the performance of a binary classification test.
Sensitivity() - Constructor for class smile.validation.metric.Sensitivity
Constructor.
SENT - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Sentence-break punctuation .
sentencePiece(String) - Static method in interface smile.llm.tokenizer.Tokenizer
Loads a SentencePiece model.
SentencePiece - Class in smile.llm.tokenizer
SentencePiece is an unsupervised text tokenizer by Google.
SentencePiece(String) - Constructor for class smile.llm.tokenizer.SentencePiece
Constructor.
SentenceSplitter - Interface in smile.nlp.tokenizer
A sentence splitter segments text into sentences (a string of words satisfying the grammatical rules of a language).
seq() - Method in class smile.data.BinarySparseSequenceDataset
Returns the sequence data.
SequenceLabeler<T> - Interface in smile.sequence
A sequence labeler assigns a class label to each position of the sequence.
SequentialBlock - Class in smile.deep.layer
A block of sequential layers.
SequentialBlock() - Constructor for class smile.deep.layer.SequentialBlock
Constructor.
SequentialBlock(String) - Constructor for class smile.deep.layer.SequentialBlock
Constructor.
SequentialBlock(Layer...) - Constructor for class smile.deep.layer.SequentialBlock
Constructor.
set(boolean, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(byte, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(double, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(float, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(int, double) - Method in class smile.math.Complex.Array
Sets the i-th element with a real value.
set(int, double) - Method in class smile.tensor.SparseMatrix
Sets the element at the storage index.
set(int, double) - Method in class smile.tensor.Vector
Sets A[i] = x.
set(int, double) - Method in class smile.util.DoubleArrayList
Replaces the value at the specified position in this list with the specified value.
set(int, double) - Method in class smile.util.SparseArray
Sets or adds an entry.
set(int, float) - Method in class smile.util.FloatArrayList
Replaces the value at the specified position in this list with the specified value.
set(int, int) - Method in class smile.util.IntArrayList
Replaces the value at the specified position in this list with the specified value.
set(int, int) - Method in class smile.util.SparseIntArray
Sets or adds an entry.
set(int, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(int, int, double) - Method in class smile.tensor.AtA
 
set(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] = x.
set(int, int, double) - Method in class smile.tensor.SparseMatrix
 
set(int, int, double) - Method in class smile.util.Array2D
Sets A[i, j].
set(int, int, int) - Method in class smile.util.IntArray2D
Sets A[i, j].
set(int, int, Object) - Method in record class smile.data.DataFrame
Sets the value at position (i, j).
set(int, Object) - Method in class smile.data.vector.BooleanVector
 
set(int, Object) - Method in class smile.data.vector.ByteVector
 
set(int, Object) - Method in class smile.data.vector.CharVector
 
set(int, Object) - Method in class smile.data.vector.DoubleVector
 
set(int, Object) - Method in class smile.data.vector.FloatVector
 
set(int, Object) - Method in class smile.data.vector.IntVector
 
set(int, Object) - Method in class smile.data.vector.LongVector
 
set(int, Object) - Method in class smile.data.vector.NullableBooleanVector
 
set(int, Object) - Method in class smile.data.vector.NullableByteVector
 
set(int, Object) - Method in class smile.data.vector.NullableCharVector
 
set(int, Object) - Method in class smile.data.vector.NullableDoubleVector
 
set(int, Object) - Method in class smile.data.vector.NullableFloatVector
 
set(int, Object) - Method in class smile.data.vector.NullableIntVector
 
set(int, Object) - Method in class smile.data.vector.NullableLongVector
 
set(int, Object) - Method in class smile.data.vector.NullableShortVector
 
set(int, Object) - Method in class smile.data.vector.ObjectVector
 
set(int, Object) - Method in class smile.data.vector.ShortVector
 
set(int, Object) - Method in interface smile.data.vector.ValueVector
Sets the value at position i.
set(int, StructField) - Method in record class smile.data.type.StructType
Sets a field.
set(int, Complex) - Method in class smile.math.Complex.Array
Sets the i-th element.
set(long, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(short, int...) - Method in class smile.tensor.JTensor
Updates an element in place.
set(String, ValueVector) - Method in record class smile.data.DataFrame
Sets the column values.
set(Tensor, int...) - Method in class smile.tensor.JTensor
 
set(Tensor, int...) - Method in interface smile.tensor.Matrix
 
set(Tensor, int...) - Method in record class smile.tensor.Scalar
 
set(Tensor, int...) - Method in interface smile.tensor.Tensor
Updates a sub-tensor in place.
setAnchor(String) - Method in interface smile.nlp.AnchorText
Sets the anchor text.
setAnchor(String) - Method in class smile.nlp.SimpleText
Sets the anchor text.
setAxisLabel(int, String) - Method in class smile.plot.swing.Figure
Sets the label/legend of an axis.
setAxisLabels(String...) - Method in class smile.plot.swing.Figure
Sets the labels/legends of axes.
setBound(double[], double[]) - Method in class smile.plot.swing.Base
Sets the axis bounds without applying the extending heuristic.
setBound(double[], double[]) - Method in class smile.plot.swing.Figure
Sets the lower and upper bounds.
setbuf(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void setbuf(FILE *restrict __stream, char *restrict __buf)
setbuf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void setbuf(FILE *restrict __stream, char *restrict __buf)
setbuf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void setbuf(FILE *restrict __stream, char *restrict __buf)
setbuf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void setbuf(FILE *restrict __stream, char *restrict __buf)
setbuffer(MemorySegment, MemorySegment, long) - Static method in class smile.linalg.blas.cblas_h
extern void setbuffer(FILE *restrict __stream, char *restrict __buf, size_t __size)
setbuffer$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void setbuffer(FILE *restrict __stream, char *restrict __buf, size_t __size)
setbuffer$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void setbuffer(FILE *restrict __stream, char *restrict __buf, size_t __size)
setbuffer$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void setbuffer(FILE *restrict __stream, char *restrict __buf, size_t __size)
setClipNorm(double) - Method in class smile.base.mlp.MultilayerPerceptron
Sets the gradient clipping norm.
setClipValue(double) - Method in class smile.base.mlp.MultilayerPerceptron
Sets the gradient clipping value.
setColor(Color) - Method in class smile.plot.swing.Renderer
Sets the color.
setDefaultDevice() - Method in class smile.deep.tensor.Device
Sets Tensor to be allocated on this device.
setDefaultOptions(Tensor.Options) - Static method in class smile.deep.tensor.Tensor
Sets the default options to create tensors.
setDescription(String) - Method in class smile.swing.FileChooser.SimpleFileFilter
Sets the human-readable description of this filter.
setEdgeAge(Neuron, int) - Method in class smile.vq.hebb.Neuron
Sets the age of edge.
setFocusBorder(Border) - Method in class smile.swing.table.ButtonCellRenderer
The foreground color of the button when the cell has focus
setFont(Font) - Method in class smile.plot.swing.Renderer
Sets the font.
setFrameVisible(boolean) - Method in class smile.plot.swing.Axis
Set the visibility of the frame grid lines and their labels.
setGraphics(Graphics2D) - Method in class smile.plot.swing.Renderer
Sets the Java2D graphics object.
setGridVisible(boolean) - Method in class smile.plot.swing.Axis
Sets the visibility of the grid lines and their labels.
setIndex(Object[]) - Method in record class smile.data.DataFrame
Sets the DataFrame index.
setIndex(String) - Method in record class smile.data.DataFrame
Sets the DataFrame index using existing column.
setLabel(String) - Method in class smile.plot.swing.Axis
Sets the label.
setLearningRate(double) - Method in class smile.classification.LogisticRegression
Sets the learning rate of stochastic gradient descent.
setLearningRate(double) - Method in class smile.classification.Maxent
Sets the learning rate of stochastic gradient descent.
setLearningRate(double) - Method in class smile.classification.SparseLogisticRegression
Sets the learning rate of stochastic gradient descent.
setLearningRate(double) - Method in class smile.deep.Optimizer
Sets the learning rate.
setLearningRate(TimeFunction) - Method in class smile.base.mlp.MultilayerPerceptron
Sets the learning rate.
setLearningRateSchedule(TimeFunction) - Method in class smile.deep.Model
Sets the learning rate schedule.
setLegendVisible(boolean) - Method in class smile.plot.swing.Figure
Sets if legends are visible.
setlinebuf(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void setlinebuf(FILE *__stream)
setlinebuf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void setlinebuf(FILE *__stream)
setlinebuf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void setlinebuf(FILE *__stream)
setlinebuf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void setlinebuf(FILE *__stream)
setLocalSearchSteps(int) - Method in class smile.gap.GeneticAlgorithm
Sets the number of iterations of local search for Lamarckian algorithm.
setMargin(double) - Method in class smile.plot.swing.Figure
Sets the size of margin in [0.0, 0.3] on each side.
setMnemonic(int) - Method in class smile.swing.table.ButtonCellRenderer
Sets the mnemonic to activate the button when the cell has focus.
setMomentum(TimeFunction) - Method in class smile.base.mlp.MultilayerPerceptron
Sets the momentum factor.
setNullMask(BitSet) - Method in class smile.data.vector.NullablePrimitiveVector
Sets the null bitmap mask.
setNumThreads(int) - Static method in class smile.deep.tensor.Device
Sets the number of threads used for intraop parallelism on CPU.
setPage(int) - Method in class smile.swing.table.PageTableModel
Moves to specific page and fire a data changed (all rows).
setPageSize(int) - Method in class smile.swing.table.PageTableModel
Sets the page size.
setPaint(Paint) - Method in class smile.plot.swing.Renderer
Sets the paint object.
setParameters(Properties) - Method in class smile.base.mlp.MultilayerPerceptron
Sets MLP hyperparameters such as learning rate, weight decay, momentum, RMSProp, etc.
setProb(PrZ[]) - Method in class smile.neighbor.lsh.Probe
Calculate the probability of the probe.
setRequireGrad(boolean) - Method in class smile.deep.tensor.Tensor
Sets if autograd should record operations on this tensor.
setRMSProp(double, double) - Method in class smile.base.mlp.MultilayerPerceptron
Sets RMSProp parameters.
setRotation(double) - Method in class smile.plot.swing.Axis
Sets the rotation degree of tick strings.
setSeed(int) - Method in class smile.math.random.MersenneTwister
Sets the seed of random numbers.
setSeed(int[]) - Method in class smile.math.random.MersenneTwister
Sets the seed of random numbers.
setSeed(long) - Static method in class smile.math.MathEx
Initialize the random number generator with a seed.
setSeed(long) - Method in class smile.math.random.MersenneTwister
 
setSeed(long) - Method in class smile.math.random.MersenneTwister64
 
setSeed(long) - Method in interface smile.math.random.RandomNumberGenerator
Initialize the random generator with a seed.
setSeed(long) - Method in class smile.math.Random
Initialize the random generator with a seed.
setSeed(long) - Method in class smile.math.random.UniversalGenerator
 
setSeed(long[]) - Method in class smile.math.random.MersenneTwister64
Sets the seed of random numbers.
setSelectedFont(Font) - Method in class smile.swing.FontChooser
Sets the selected font.
setSelectedFontFamily(String) - Method in class smile.swing.FontChooser
Sets the family name of the selected font.
setSelectedFontSize(int) - Method in class smile.swing.FontChooser
Sets the size of the selected font.
setSelectedFontStyle(int) - Method in class smile.swing.FontChooser
Sets the style of the selected font.
setSize(int, int) - Method in class smile.plot.swing.Projection
Sets the canvas size.
setStroke(Stroke) - Method in class smile.plot.swing.Renderer
Sets the stroke.
setTicks(String[], double[]) - Method in class smile.plot.swing.Axis
Adds a label to the axis at given location.
setTickVisible(boolean) - Method in class smile.plot.swing.Axis
Sets the visibility of the tick labels.
setTitle(String) - Method in class smile.plot.swing.Figure
Sets the main title of figure.
setTitleColor(Color) - Method in class smile.plot.swing.Figure
Sets the color for title.
setTitleFont(Font) - Method in class smile.plot.swing.Figure
Sets the font for title.
setValue(Object) - Method in class smile.swing.table.ByteArrayCellRenderer
 
setValue(Object) - Method in class smile.swing.table.DateCellRenderer
 
setValue(Object) - Method in class smile.swing.table.DoubleArrayCellRenderer
 
setValue(Object) - Method in class smile.swing.table.FloatArrayCellRenderer
 
setValue(Object) - Method in class smile.swing.table.FontCellRenderer
 
setValue(Object) - Method in class smile.swing.table.IntegerArrayCellRenderer
 
setValue(Object) - Method in class smile.swing.table.LongArrayCellRenderer
 
setValue(Object) - Method in class smile.swing.table.NumberCellRenderer
 
setValue(Object) - Method in class smile.swing.table.ShortArrayCellRenderer
 
setvbuf(MemorySegment, MemorySegment, int, long) - Static method in class smile.linalg.blas.cblas_h
extern int setvbuf(FILE *restrict __stream, char *restrict __buf, int __modes, size_t __n)
setvbuf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int setvbuf(FILE *restrict __stream, char *restrict __buf, int __modes, size_t __n)
setvbuf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int setvbuf(FILE *restrict __stream, char *restrict __buf, int __modes, size_t __n)
setvbuf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int setvbuf(FILE *restrict __stream, char *restrict __buf, int __modes, size_t __n)
setWeight(int, int, double) - Method in class smile.graph.AdjacencyList
 
setWeight(int, int, double) - Method in class smile.graph.AdjacencyMatrix
 
setWeight(int, int, double) - Method in class smile.graph.Graph
Sets the weight assigned to a given edge.
setWeightDecay(double) - Method in class smile.base.mlp.MultilayerPerceptron
Sets the weight decay factor.
sgbbrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__pt, __CLPK_integer *__ldpt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sgbbrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__pt, __CLPK_integer *__ldpt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sgbbrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__pt, __CLPK_integer *__ldpt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sgbbrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__pt, __CLPK_integer *__ldpt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sgbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
SGD(Model, double) - Static method in class smile.deep.Optimizer
Returns a stochastic gradient descent optimizer without momentum.
SGD(Model, double, double, double, double, boolean) - Static method in class smile.deep.Optimizer
Returns a stochastic gradient descent optimizer with momentum.
sgebak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sgebak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sgebak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sgebak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sgebal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgebal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
sgebal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgebal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
sgebal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgebal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
sgebal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgebal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_integer *__info)
sgebd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__info)
sgebd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__info)
sgebd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__info)
sgebd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__info)
sgebrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgebrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgebrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgebrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgecon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgecon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgecon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgecon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgecon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgecon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgecon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgecon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgeequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgeequb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, __CLPK_integer *__info)
sgees_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgees_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgees_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgees_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgeesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgeesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgeesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgeesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vs, __CLPK_integer *__ldvs, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgeev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgeevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgeevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgeevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__scale, __CLPK_real *__abnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgegs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgegv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgehd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgehd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgehd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgehd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgehrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgehrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgehrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgehrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgejsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgejsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgejsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgejsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgejsv_(char *__joba, char *__jobu, char *__jobv, char *__jobr, char *__jobt, char *__jobp, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgelq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgelq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgelq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgelq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgelqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgels_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgels_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgels_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgels_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgelsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgelsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgelsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgelss_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelss_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelss_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelss_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__s, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelsx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__info)
sgelsx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__info)
sgelsx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__info)
sgelsx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__info)
sgelsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgelsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeql2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeql2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeql2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeql2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqlf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqlf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqlf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqlf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqp3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqp3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqp3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqp3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqpf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqpf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqpf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqpf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgeqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgeqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgerfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgerfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgerfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgerfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgerq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgerq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgerq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgerq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgerqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgerqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgerqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgerqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
sgesc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
sgesc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
sgesc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_real *__scale)
sgesdd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesdd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesdd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesdd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgesv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgesvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvj_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvj_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvj_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvj_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesvj_(char *__joba, char *__jobu, char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgetc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgetc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
sgetc2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgetc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
sgetc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgetc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
sgetc2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgetc2_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
sgetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgetri_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgetri_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgetri_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgetri_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgetri_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgetri_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgetrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sggbak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sggbak_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sggbak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sggbak_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_integer *__m, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
sggbal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggbal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
sggbal_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggbal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
sggbal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggbal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
sggbal_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggbal_(char *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__work, __CLPK_integer *__info)
sgges_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgges_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgges_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sgges_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggesx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggesx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vsl, __CLPK_integer *__ldvsl, __CLPK_real *__vsr, __CLPK_integer *__ldvsr, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggev_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggev_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggevx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggevx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__lscale, __CLPK_real *__rscale, __CLPK_real *__abnrm, __CLPK_real *__bbnrm, __CLPK_real *__rconde, __CLPK_real *__rcondv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
sggglm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggglm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggglm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggglm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgghrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
sgghrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
sgghrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
sgghrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
sgglse_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgglse_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgglse_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgglse_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggqrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggrqf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__taua, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__taub, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sggsvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sggsvd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sggsvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sggsvd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sggsvp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sggsvp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sggsvp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sggsvp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sgsvj0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgsvj0_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgsvj1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgsvj1_(char *__jobv, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__sva, __CLPK_integer *__mv, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__eps, __CLPK_real *__sfmin, __CLPK_real *__tol, __CLPK_integer *__nsweep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sgtcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgtsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgtsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgtsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgtsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgtsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__dlf, __CLPK_real *__df, __CLPK_real *__duf, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sgttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgttrf_(__CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgttrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgttrf_(__CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgttrf_(__CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgttrf_(__CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
sgttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgttrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sgtts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb)
sgtts2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb)
sgtts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb)
sgtts2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__du2, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb)
shap(Stream) - Method in interface smile.feature.importance.SHAP
Returns the average of absolute SHAP values over a data set.
shap(DataFrame) - Method in class smile.base.cart.CART
Returns the average of absolute SHAP values over a data frame.
shap(DataFrame) - Method in class smile.classification.GradientTreeBoost
Returns the average of absolute SHAP values over a data frame.
shap(DataFrame) - Method in interface smile.feature.importance.TreeSHAP
Returns the average of absolute SHAP values over a data frame.
shap(Tuple) - Method in class smile.base.cart.CART
 
shap(Tuple) - Method in class smile.classification.GradientTreeBoost
 
shap(Tuple) - Method in interface smile.feature.importance.TreeSHAP
 
shap(T) - Method in interface smile.feature.importance.SHAP
Returns the SHAP values.
SHAP<T> - Interface in smile.feature.importance
SHAP (SHapley Additive exPlanations) is a game theoretic approach to explain the output of any machine learning model.
shape() - Method in class smile.deep.tensor.Tensor
Returns the shape of the tensor.
shape() - Method in class smile.tensor.AbstractTensor
 
shape() - Method in interface smile.tensor.Matrix
 
shape() - Method in record class smile.tensor.Scalar
 
shape() - Method in interface smile.tensor.Tensor
Returns the shape of tensor.
shape(int) - Method in record class smile.data.DataFrame
Returns the size of given dimension.
shape(String) - Method in class smile.plot.vega.Mark
Sets the shape of the point marks.
Shape - Class in smile.plot.swing
Abstract object that knows how to use a renderer to paint onto the canvas.
Shape() - Constructor for class smile.plot.swing.Shape
Constructor.
Shape(Color) - Constructor for class smile.plot.swing.Shape
Constructor.
ShellSort - Interface in smile.sort
Shell sort is a generalization of insertion sort.
ShepardInterpolation - Class in smile.interpolation
Shepard interpolation is a special case of normalized radial basis function interpolation if the function φ(r) goes to infinity as r → 0, and is finite for r > 0.
ShepardInterpolation(double[][], double[]) - Constructor for class smile.interpolation.ShepardInterpolation
Constructor.
ShepardInterpolation(double[][], double[], double) - Constructor for class smile.interpolation.ShepardInterpolation
Constructor.
ShepardInterpolation1D - Class in smile.interpolation
Shepard interpolation is a special case of normalized radial basis function interpolation if the function φ(r) goes to infinity as r → 0, and is finite for r > 0.
ShepardInterpolation1D(double[], double[]) - Constructor for class smile.interpolation.ShepardInterpolation1D
Constructor.
ShepardInterpolation1D(double[], double[], double) - Constructor for class smile.interpolation.ShepardInterpolation1D
Constructor.
ShepardInterpolation2D - Class in smile.interpolation
Shepard interpolation is a special case of normalized radial basis function interpolation if the function φ(r) goes to infinity as r → 0, and is finite for r > 0.
ShepardInterpolation2D(double[], double[], double[]) - Constructor for class smile.interpolation.ShepardInterpolation2D
Constructor.
ShepardInterpolation2D(double[], double[], double[], double) - Constructor for class smile.interpolation.ShepardInterpolation2D
Constructor.
shgeqz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int shgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shgeqz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int shgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shgeqz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int shgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shgeqz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int shgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shift() - Method in class smile.neighbor.lsh.Probe
This operation shifts to the right the last nonzero component if it is equal to one and if it is not the last one.
ShiftedGeometricDistribution - Class in smile.stat.distribution
The "shifted" geometric distribution is a discrete probability distribution of the number of failures before the first success, supported on the set {0, 1, 2, 3, …}.
ShiftedGeometricDistribution(double) - Constructor for class smile.stat.distribution.ShiftedGeometricDistribution
Constructor.
Short - Enum constant in enum class smile.data.type.DataType.ID
Short type ID.
shortArray() - Method in class smile.deep.tensor.Tensor
Returns the short integer array of tensor elements
ShortArrayCellRenderer - Class in smile.swing.table
Short array renderer in JTable.
ShortArrayCellRenderer() - Constructor for class smile.swing.table.ShortArrayCellRenderer
Constructor.
ShortArrayType - Static variable in interface smile.data.type.DataTypes
Short Array data type.
ShortType - Class in smile.data.type
Short data type.
ShortType - Static variable in interface smile.data.type.DataTypes
Short data type.
shortValue() - Method in class smile.deep.tensor.Tensor
Returns the short value when the tensor holds a single value.
ShortVector - Class in smile.data.vector
A short vector.
ShortVector(String, short[]) - Constructor for class smile.data.vector.ShortVector
Constructor.
ShortVector(StructField, short[]) - Constructor for class smile.data.vector.ShortVector
Constructor.
show() - Method in class smile.plot.swing.Figure
Shows the plot in a window.
show() - Method in class smile.plot.swing.Headless
 
show() - Method in class smile.plot.vega.VegaLite
Displays the plot with the default browser.
show(boolean) - Method in class smile.plot.vega.VegaLite
Displays the plot with the default browser.
showDialog(Component) - Method in class smile.swing.FontChooser
Shows font selection dialog.
shrinkage() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the shrinkage record component.
shrinkage() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the shrinkage record component.
shrinkage() - Method in record class smile.sequence.CRF.Options
Returns the value of the shrinkage record component.
shsein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int shsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
shsein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int shsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
shsein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int shsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
shsein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int shsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
shseqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int shseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shseqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int shseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shseqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int shseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
shseqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int shseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
SI - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues of smallest imaginary part.
SIB - Class in smile.clustering
The Sequential Information Bottleneck algorithm.
Side - Enum Class in smile.linalg
The flag if the symmetric matrix A appears on the left or right in the matrix-matrix operation.
SIENNA - Static variable in class smile.plot.swing.Palette
The color sienna with an RGB value of #A0522D
siftDown() - Method in class smile.sort.HeapSelect
In case of avoiding creating new objects frequently, one may check and update the peek object directly and call this method to sort the internal array in heap order.
siftDown(double[], int, int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is decreased.
siftDown(float[], int, int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is decreased.
siftDown(int[], int, int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is decreased.
siftDown(T[], int, int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is decreased.
siftUp(double[], int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is increased.
siftUp(float[], int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is increased.
siftUp(int[], int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is increased.
siftUp(T[], int) - Static method in interface smile.sort.Sort
To restore the max-heap condition when a node's priority is increased.
SIG_ATOMIC_MAX() - Static method in class smile.linalg.blas.cblas_h
#define SIG_ATOMIC_MAX 2147483647
SIG_ATOMIC_MIN() - Static method in class smile.linalg.blas.cblas_h
#define SIG_ATOMIC_MIN -2147483648
sigma - Variable in class smile.stat.distribution.GaussianDistribution
The standard deviation.
sigma - Variable in class smile.stat.distribution.LogNormalDistribution
The standard deviation of normal distribution.
sigma - Variable in class smile.stat.distribution.MultivariateGaussianDistribution
The covariance matrix.
sigma() - Method in record class smile.clustering.DENCLUE.Options
Returns the value of the sigma record component.
sigma() - Method in class smile.clustering.DENCLUE
Returns the smooth parameter in the Gaussian kernel.
sigma() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the sigma record component.
sigma() - Method in class smile.math.kernel.PearsonKernel
Returns Pearson width.
sigmoid() - Static method in interface smile.base.mlp.ActivationFunction
Logistic sigmoid function: sigmoid(v)=1/(1+exp(-v)).
sigmoid(double) - Static method in class smile.math.MathEx
Logistic sigmoid function 1 / (1 + exp(-x)).
sigmoid(int) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with sigmoid activation function.
sigmoid(int, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with sigmoid activation function.
sigmoid(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with sigmoid activation function.
Sigmoid - Class in smile.deep.activation
Sigmoid activation function.
Sigmoid(boolean) - Constructor for class smile.deep.activation.Sigmoid
Constructor.
SIGMOID - Enum constant in enum class smile.base.mlp.OutputFunction
Logistic sigmoid function: sigmoid(v)=1/(1+exp(-v)).
sign(String) - Static method in interface smile.data.formula.Terms
The sign(x) term.
sign(Term) - Static method in interface smile.data.formula.Terms
The sign(x) term.
SignalNoiseRatio - Record Class in smile.feature.selection
The signal-to-noise (S2N) ratio is a univariate feature ranking metric, which can be used as a feature selection criterion for binary classification problems.
SignalNoiseRatio(String, double) - Constructor for record class smile.feature.selection.SignalNoiseRatio
Creates an instance of a SignalNoiseRatio record class.
significance(double) - Static method in interface smile.stat.Hypothesis
Returns the significance code of p-value.
signum(String) - Static method in interface smile.data.formula.Terms
The signum(x) term.
signum(Term) - Static method in interface smile.data.formula.Terms
The signum(x) term.
silu(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with SiLU activation function.
silu(int, int, double) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with SiLU activation function.
SiLU - Class in smile.deep.activation
Sigmoid Linear Unit activation function.
SiLU(boolean) - Constructor for class smile.deep.activation.SiLU
Constructor.
SILVER - Static variable in class smile.plot.swing.Palette
The color silver with an RGB value of #C0C0C0
SimHash<T> - Interface in smile.hash
SimHash is a technique for quickly estimating how similar two sets are.
SimpleCorpus - Class in smile.nlp
An in-memory text corpus.
SimpleCorpus() - Constructor for class smile.nlp.SimpleCorpus
Constructor.
SimpleCorpus(SentenceSplitter, Tokenizer, StopWords, Punctuations) - Constructor for class smile.nlp.SimpleCorpus
Constructor.
SimpleDataset<D,T> - Class in smile.data
A simple implementation of Dataset that store data in single machine's memory.
SimpleDataset(Collection) - Constructor for class smile.data.SimpleDataset
Constructor
SimpleDictionary - Class in smile.nlp.dictionary
A simple implementation of dictionary interface.
SimpleDictionary(String) - Constructor for class smile.nlp.dictionary.SimpleDictionary
Constructor.
SimpleFileFilter(String, String) - Constructor for class smile.swing.FileChooser.SimpleFileFilter
Creates a file filter that accepts the given file type.
SimpleFileFilter(String, String...) - Constructor for class smile.swing.FileChooser.SimpleFileFilter
Creates a file filter from the given string array and description.
SimpleFileFilter(String, Collection) - Constructor for class smile.swing.FileChooser.SimpleFileFilter
Creates a file filter from the given string array and description.
SimpleImputer - Class in smile.feature.imputation
Simple algorithm replaces missing values with the constant value along each column.
SimpleImputer(Map) - Constructor for class smile.feature.imputation.SimpleImputer
Constructor.
SimpleNormalizer - Class in smile.nlp.normalizer
A baseline normalizer for processing Unicode text.
SimpleParagraphSplitter - Class in smile.nlp.tokenizer
This is a simple paragraph splitter.
SimpleSentenceSplitter - Class in smile.nlp.tokenizer
This is a simple sentence splitter for English.
SimpleText - Class in smile.nlp
A list-of-words representation of documents.
SimpleText(String, String, String, String[]) - Constructor for class smile.nlp.SimpleText
Constructor.
SimpleTokenizer - Class in smile.nlp.tokenizer
A word tokenizer that tokenizes English sentences with some differences from TreebankWordTokenizer, notably on handling not-contractions.
SimpleTokenizer() - Constructor for class smile.nlp.tokenizer.SimpleTokenizer
Constructor.
SimpleTokenizer(boolean) - Constructor for class smile.nlp.tokenizer.SimpleTokenizer
Constructor.
sin() - Method in class smile.deep.tensor.Tensor
Returns a new tensor with the sine of the elements of input.
sin() - Method in record class smile.math.Complex
Returns the complex sine.
sin(String) - Static method in interface smile.data.formula.Terms
The sin(x) term.
sin(Term) - Static method in interface smile.data.formula.Terms
The sin(x) term.
sin_() - Method in class smile.deep.tensor.Tensor
Computes the sine of the elements of input in place.
SINGLE_LINE - Enum constant in enum class smile.io.JSON.Mode
One JSON object per line.
SINGLE_POINT - Enum constant in enum class smile.gap.Crossover
Single point crossover - one crossover point is selected, binary string from beginning of chromosome to the crossover point is copied from one parent, the rest is copied from the second parent.
SingleLinkage - Class in smile.clustering.linkage
Single linkage.
SingleLinkage(double[][]) - Constructor for class smile.clustering.linkage.SingleLinkage
Constructor.
SingleLinkage(int, float[]) - Constructor for class smile.clustering.linkage.SingleLinkage
Constructor.
sinh(String) - Static method in interface smile.data.formula.Terms
The sinh(x) term.
sinh(Term) - Static method in interface smile.data.formula.Terms
The sinh(x) term.
sisnan_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_logical sisnan_(__CLPK_real *__sin__)
sisnan_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_logical sisnan_(__CLPK_real *__sin__)
sisnan_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_logical sisnan_(__CLPK_real *__sin__)
sisnan_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_logical sisnan_(__CLPK_real *__sin__)
size - Variable in class smile.base.cart.LeafNode
The number of samples in the node.
size() - Method in class smile.anomaly.IsolationForest
Returns the number of trees in the model.
size() - Method in class smile.association.FPGrowth
Returns the number transactions in the database.
size() - Method in class smile.association.FPTree
Returns the number transactions in the database.
size() - Method in class smile.base.cart.CART
Returns the number of nodes in the tree.
size() - Method in class smile.base.cart.InternalNode
 
size() - Method in class smile.base.cart.LeafNode
 
size() - Method in interface smile.base.cart.Node
Returns the number of samples in the node.
size() - Method in class smile.classification.AdaBoost
Returns the number of trees in the model.
size() - Method in class smile.classification.GradientTreeBoost
Returns the number of trees in the model.
size() - Method in class smile.classification.RandomForest
Returns the number of trees in the model.
size() - Method in record class smile.clustering.CentroidClustering
Returns the value of the size record component.
size() - Method in class smile.clustering.linkage.Linkage
Returns the proximity matrix size.
size() - Method in class smile.clustering.Partitioning
Returns the numbers of data points in each cluster.
size() - Method in record class smile.data.DataFrame
Returns the number of rows.
size() - Method in interface smile.data.Dataset
Returns the number of elements in this collection.
size() - Method in class smile.data.formula.FactorInteraction
Returns the number of factors in the interaction.
size() - Method in class smile.data.measure.CategoricalMeasure
Returns the number of levels.
size() - Method in record class smile.data.RowIndex
Returns the number of elements in the index.
size() - Method in class smile.data.SimpleDataset
 
size() - Method in class smile.data.vector.BooleanVector
 
size() - Method in class smile.data.vector.ByteVector
 
size() - Method in class smile.data.vector.CharVector
 
size() - Method in class smile.data.vector.DoubleVector
 
size() - Method in class smile.data.vector.FloatVector
 
size() - Method in class smile.data.vector.IntVector
 
size() - Method in class smile.data.vector.LongVector
 
size() - Method in class smile.data.vector.NullableBooleanVector
 
size() - Method in class smile.data.vector.NullableByteVector
 
size() - Method in class smile.data.vector.NullableCharVector
 
size() - Method in class smile.data.vector.NullableDoubleVector
 
size() - Method in class smile.data.vector.NullableFloatVector
 
size() - Method in class smile.data.vector.NullableIntVector
 
size() - Method in class smile.data.vector.NullableLongVector
 
size() - Method in class smile.data.vector.NullableShortVector
 
size() - Method in class smile.data.vector.ObjectVector
 
size() - Method in class smile.data.vector.ShortVector
 
size() - Method in interface smile.data.vector.ValueVector
Returns the number of elements in the vector.
size() - Method in interface smile.deep.Dataset
Returns the size of dataset.
size() - Method in record class smile.graph.NearestNeighborGraph
Returns the number of vertices.
size() - Method in class smile.llm.tokenizer.Tiktoken
Returns the vocabulary size.
size() - Method in interface smile.nlp.Corpus
Returns the number of words in the corpus.
size() - Method in interface smile.nlp.dictionary.Dictionary
Returns the number of words in this dictionary.
size() - Method in enum class smile.nlp.dictionary.EnglishDictionary
 
size() - Method in class smile.nlp.dictionary.EnglishPunctuations
 
size() - Method in enum class smile.nlp.dictionary.EnglishStopWords
 
size() - Method in class smile.nlp.dictionary.SimpleDictionary
 
size() - Method in class smile.nlp.SimpleCorpus
 
size() - Method in class smile.nlp.SimpleText
 
size() - Method in interface smile.nlp.TextTerms
Returns the number of words.
size() - Method in class smile.nlp.Trie
Returns the number of entries.
size() - Method in class smile.regression.GradientTreeBoost
Returns the number of trees in the model.
size() - Method in class smile.regression.RandomForest
Returns the number of trees in the model.
size() - Method in class smile.sort.HeapSelect
Returns the number of objects that have been added into heap.
size() - Method in class smile.stat.distribution.DiscreteMixture
Returns the number of components in the mixture.
size() - Method in class smile.stat.distribution.Mixture
Returns the number of components in the mixture.
size() - Method in class smile.stat.distribution.MultivariateMixture
Returns the number of components in the mixture.
size() - Method in class smile.tensor.Vector
Returns the number of elements.
size() - Method in class smile.util.DoubleArrayList
Returns the number of values in the list.
size() - Method in class smile.util.FloatArrayList
Returns the number of values in the list.
size() - Method in interface smile.util.Index
Returns the number of elements in the index.
size() - Method in class smile.util.IntArrayList
Returns the number of values in the list.
size() - Method in class smile.util.IntDoubleHashMap
Returns the number of key-value mappings in this map.
size() - Method in class smile.util.IntHashSet
Returns the number of elements in this set.
size() - Method in class smile.util.IntSet
Returns the number of values.
size() - Method in class smile.util.PairingHeap
 
size() - Method in class smile.util.SparseArray
Returns the number of nonzero entries.
size() - Method in class smile.util.SparseIntArray
Returns the number of nonzero entries.
size() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the size record component.
size() - Method in record class smile.validation.RegressionMetrics
Returns the value of the size record component.
size() - Method in class smile.vision.ImageDataset
 
size(int) - Method in record class smile.clustering.CentroidClustering
Returns the size of i-th cluster.
size(int) - Method in class smile.clustering.Partitioning
Returns the number of data points of i-th cluster.
size(int) - Method in class smile.deep.tensor.Tensor
Returns the size of given dimension.
size(int) - Method in class smile.plot.vega.Mark
Sets the size of the point marks.
size(int) - Method in class smile.tensor.AbstractTensor
 
size(int) - Method in interface smile.tensor.Matrix
 
size(int) - Method in record class smile.tensor.Scalar
 
size(int) - Method in interface smile.tensor.Tensor
Returns the size of given dimension.
SIZE_MAX() - Static method in class smile.linalg.blas.cblas_h
#define SIZE_MAX -1
size_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long size_t
SKY_BLUE - Static variable in class smile.plot.swing.Palette
The color sky blue with an RGB value of #87CEEB
slabad_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slabad_(__CLPK_real *__small, __CLPK_real *__large)
slabad_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slabad_(__CLPK_real *__small, __CLPK_real *__large)
slabad_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slabad_(__CLPK_real *__small, __CLPK_real *__large)
slabad_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slabad_(__CLPK_real *__small, __CLPK_real *__large)
slabrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__y, __CLPK_integer *__ldy)
slabrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__y, __CLPK_integer *__ldy)
slabrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__y, __CLPK_integer *__ldy)
slabrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tauq, __CLPK_real *__taup, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__y, __CLPK_integer *__ldy)
slacn2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slacn2_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
slacn2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slacn2_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
slacn2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slacn2_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
slacn2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slacn2_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
slacon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slacon_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase)
slacon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slacon_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase)
slacon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slacon_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase)
slacon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slacon_(__CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__x, __CLPK_integer *__isgn, __CLPK_real *__est, __CLPK_integer *__kase)
slacpy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb)
slacpy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb)
slacpy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb)
slacpy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb)
sladiv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sladiv_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__p, __CLPK_real *__q)
sladiv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sladiv_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__p, __CLPK_real *__q)
sladiv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sladiv_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__p, __CLPK_real *__q)
sladiv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sladiv_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__p, __CLPK_real *__q)
slae2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slae2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2)
slae2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slae2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2)
slae2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slae2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2)
slae2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slae2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2)
slaebz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_real *__abstol, __CLPK_real *__reltol, __CLPK_real *__pivmin, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_integer *__nval, __CLPK_real *__ab, __CLPK_real *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaebz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_real *__abstol, __CLPK_real *__reltol, __CLPK_real *__pivmin, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_integer *__nval, __CLPK_real *__ab, __CLPK_real *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaebz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_real *__abstol, __CLPK_real *__reltol, __CLPK_real *__pivmin, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_integer *__nval, __CLPK_real *__ab, __CLPK_real *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaebz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaebz_(__CLPK_integer *__ijob, __CLPK_integer *__nitmax, __CLPK_integer *__n, __CLPK_integer *__mmax, __CLPK_integer *__minp, __CLPK_integer *__nbmin, __CLPK_real *__abstol, __CLPK_real *__reltol, __CLPK_real *__pivmin, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_integer *__nval, __CLPK_real *__ab, __CLPK_real *__c__, __CLPK_integer *__mout, __CLPK_integer *__nab, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed0_(__CLPK_integer *__icompq, __CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__qstore, __CLPK_integer *__ldqs, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slaed2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slaed2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slaed2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed2_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__indxc, __CLPK_integer *__indxp, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slaed3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__info)
slaed3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__info)
slaed3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__info)
slaed3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed3_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__n1, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__indx, __CLPK_integer *__ctot, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__info)
slaed4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam, __CLPK_integer *__info)
slaed4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam, __CLPK_integer *__info)
slaed4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam, __CLPK_integer *__info)
slaed4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam, __CLPK_integer *__info)
slaed5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam)
slaed5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam)
slaed5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam)
slaed5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dlam)
slaed6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_real *__rho, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__finit, __CLPK_real *__tau, __CLPK_integer *__info)
slaed6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_real *__rho, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__finit, __CLPK_real *__tau, __CLPK_integer *__info)
slaed6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_real *__rho, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__finit, __CLPK_real *__tau, __CLPK_integer *__info)
slaed6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed6_(__CLPK_integer *__kniter, __CLPK_logical *__orgati, __CLPK_real *__rho, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__finit, __CLPK_real *__tau, __CLPK_integer *__info)
slaed7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed7_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed7_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed7_(__CLPK_integer *__icompq, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slaed8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
slaed8_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
slaed8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
slaed8_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__indxq, __CLPK_real *__rho, __CLPK_integer *__cutpnt, __CLPK_real *__z__, __CLPK_real *__dlamda, __CLPK_real *__q2, __CLPK_integer *__ldq2, __CLPK_real *__w, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__info)
slaed9_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
slaed9_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
slaed9_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
slaed9_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaed9_(__CLPK_integer *__k, __CLPK_integer *__kstart, __CLPK_integer *__kstop, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__rho, __CLPK_real *__dlamda, __CLPK_real *__w, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_integer *__info)
slaeda_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__q, __CLPK_integer *__qptr, __CLPK_real *__z__, __CLPK_real *__ztemp, __CLPK_integer *__info)
slaeda_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__q, __CLPK_integer *__qptr, __CLPK_real *__z__, __CLPK_real *__ztemp, __CLPK_integer *__info)
slaeda_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__q, __CLPK_integer *__qptr, __CLPK_real *__z__, __CLPK_real *__ztemp, __CLPK_integer *__info)
slaeda_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaeda_(__CLPK_integer *__n, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_real *__givnum, __CLPK_real *__q, __CLPK_integer *__qptr, __CLPK_real *__z__, __CLPK_real *__ztemp, __CLPK_integer *__info)
slaein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vr, __CLPK_real *__vi, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_real *__bignum, __CLPK_integer *__info)
slaein_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vr, __CLPK_real *__vi, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_real *__bignum, __CLPK_integer *__info)
slaein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vr, __CLPK_real *__vi, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_real *__bignum, __CLPK_integer *__info)
slaein_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__vr, __CLPK_real *__vi, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_real *__eps3, __CLPK_real *__smlnum, __CLPK_real *__bignum, __CLPK_integer *__info)
slaev2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaev2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_real *__sn1)
slaev2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaev2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_real *__sn1)
slaev2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaev2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_real *__sn1)
slaev2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaev2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__rt1, __CLPK_real *__rt2, __CLPK_real *__cs1, __CLPK_real *__sn1)
slaexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__info)
slaexc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__info)
slaexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__info)
slaexc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaexc_(__CLPK_logical *__wantq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__info)
slag2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slag2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__safmin, __CLPK_real *__scale1, __CLPK_real *__scale2, __CLPK_real *__wr1, __CLPK_real *__wr2, __CLPK_real *__wi)
slag2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slag2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__safmin, __CLPK_real *__scale1, __CLPK_real *__scale2, __CLPK_real *__wr1, __CLPK_real *__wr2, __CLPK_real *__wi)
slag2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slag2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__safmin, __CLPK_real *__scale1, __CLPK_real *__scale2, __CLPK_real *__wr1, __CLPK_real *__wr2, __CLPK_real *__wi)
slag2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slag2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__safmin, __CLPK_real *__scale1, __CLPK_real *__scale2, __CLPK_real *__wr1, __CLPK_real *__wr2, __CLPK_real *__wi)
slag2d_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slag2d_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slag2d_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slag2d_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slag2d_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slag2d_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slag2d_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slag2d_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__sa, __CLPK_integer *__ldsa, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slags2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_real *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_real *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_real *__snu, __CLPK_real *__csv, __CLPK_real *__snv, __CLPK_real *__csq, __CLPK_real *__snq)
slags2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_real *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_real *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_real *__snu, __CLPK_real *__csv, __CLPK_real *__snv, __CLPK_real *__csq, __CLPK_real *__snq)
slags2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_real *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_real *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_real *__snu, __CLPK_real *__csv, __CLPK_real *__snv, __CLPK_real *__csq, __CLPK_real *__snq)
slags2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slags2_(__CLPK_logical *__upper, __CLPK_real *__a1, __CLPK_real *__a2, __CLPK_real *__a3, __CLPK_real *__b1, __CLPK_real *__b2, __CLPK_real *__b3, __CLPK_real *__csu, __CLPK_real *__snu, __CLPK_real *__csv, __CLPK_real *__snv, __CLPK_real *__csq, __CLPK_real *__snq)
slagtf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slagtf_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__lambda, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__tol, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
slagtf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slagtf_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__lambda, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__tol, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
slagtf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slagtf_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__lambda, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__tol, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
slagtf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slagtf_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__lambda, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__tol, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_integer *__info)
slagtm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_real *__b, __CLPK_integer *__ldb)
slagtm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_real *__b, __CLPK_integer *__ldb)
slagtm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_real *__b, __CLPK_integer *__ldb)
slagtm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__alpha, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__beta, __CLPK_real *__b, __CLPK_integer *__ldb)
slagts_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_real *__y, __CLPK_real *__tol, __CLPK_integer *__info)
slagts_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_real *__y, __CLPK_real *__tol, __CLPK_integer *__info)
slagts_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_real *__y, __CLPK_real *__tol, __CLPK_integer *__info)
slagts_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slagts_(__CLPK_integer *__job, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_integer *__in, __CLPK_real *__y, __CLPK_real *__tol, __CLPK_integer *__info)
slagv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slagv2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__csl, __CLPK_real *__snl, __CLPK_real *__csr, __CLPK_real *__snr)
slagv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slagv2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__csl, __CLPK_real *__snl, __CLPK_real *__csr, __CLPK_real *__snr)
slagv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slagv2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__csl, __CLPK_real *__snl, __CLPK_real *__csr, __CLPK_real *__snr)
slagv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slagv2_(__CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__csl, __CLPK_real *__snl, __CLPK_real *__csr, __CLPK_real *__snr)
slahqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
slahqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
slahqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
slahqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
slahr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slahrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__y, __CLPK_integer *__ldy)
slaic1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_real *__x, __CLPK_real *__sest, __CLPK_real *__w, __CLPK_real *__gamma, __CLPK_real *__sestpr, __CLPK_real *__s, __CLPK_real *__c__)
slaic1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_real *__x, __CLPK_real *__sest, __CLPK_real *__w, __CLPK_real *__gamma, __CLPK_real *__sestpr, __CLPK_real *__s, __CLPK_real *__c__)
slaic1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_real *__x, __CLPK_real *__sest, __CLPK_real *__w, __CLPK_real *__gamma, __CLPK_real *__sestpr, __CLPK_real *__s, __CLPK_real *__c__)
slaic1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_real *__x, __CLPK_real *__sest, __CLPK_real *__w, __CLPK_real *__gamma, __CLPK_real *__sestpr, __CLPK_real *__s, __CLPK_real *__c__)
slaisnan_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_logical slaisnan_(__CLPK_real *__sin1, __CLPK_real *__sin2)
slaisnan_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_logical slaisnan_(__CLPK_real *__sin1, __CLPK_real *__sin2)
slaisnan_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_logical slaisnan_(__CLPK_real *__sin1, __CLPK_real *__sin2)
slaisnan_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_logical slaisnan_(__CLPK_real *__sin1, __CLPK_real *__sin2)
slaln2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_real *__smin, __CLPK_real *__ca, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d1, __CLPK_real *__d2, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__scale, __CLPK_real *__xnorm, __CLPK_integer *__info)
slaln2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_real *__smin, __CLPK_real *__ca, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d1, __CLPK_real *__d2, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__scale, __CLPK_real *__xnorm, __CLPK_integer *__info)
slaln2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_real *__smin, __CLPK_real *__ca, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d1, __CLPK_real *__d2, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__scale, __CLPK_real *__xnorm, __CLPK_integer *__info)
slaln2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaln2_(__CLPK_logical *__ltrans, __CLPK_integer *__na, __CLPK_integer *__nw, __CLPK_real *__smin, __CLPK_real *__ca, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d1, __CLPK_real *__d2, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__scale, __CLPK_real *__xnorm, __CLPK_integer *__info)
slals0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__info)
slals0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__info)
slals0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__info)
slals0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__info)
slalsa_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsa_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsa_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsa_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__bx, __CLPK_integer *__ldbx, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slalsd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__rcond, __CLPK_integer *__rank, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slamc1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int slamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
slamc1_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int slamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
slamc1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int slamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
slamc1_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int slamc1_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_logical *__ieee1)
slamc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int slamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_real *__eps, __CLPK_integer *__emin, __CLPK_real *__rmin, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int slamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_real *__eps, __CLPK_integer *__emin, __CLPK_real *__rmin, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int slamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_real *__eps, __CLPK_integer *__emin, __CLPK_real *__rmin, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int slamc2_(__CLPK_integer *__beta, __CLPK_integer *__t, __CLPK_logical *__rnd, __CLPK_real *__eps, __CLPK_integer *__emin, __CLPK_real *__rmin, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc3_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal slamc3_(__CLPK_real *__a, __CLPK_real *__b)
slamc3_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal slamc3_(__CLPK_real *__a, __CLPK_real *__b)
slamc3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal slamc3_(__CLPK_real *__a, __CLPK_real *__b)
slamc3_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal slamc3_(__CLPK_real *__a, __CLPK_real *__b)
slamc4_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int slamc4_(__CLPK_integer *__emin, __CLPK_real *__start, __CLPK_integer *__base)
slamc4_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int slamc4_(__CLPK_integer *__emin, __CLPK_real *__start, __CLPK_integer *__base)
slamc4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int slamc4_(__CLPK_integer *__emin, __CLPK_real *__start, __CLPK_integer *__base)
slamc4_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int slamc4_(__CLPK_integer *__emin, __CLPK_real *__start, __CLPK_integer *__base)
slamc5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int slamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc5_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int slamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int slamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamc5_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int slamc5_(__CLPK_integer *__beta, __CLPK_integer *__p, __CLPK_integer *__emin, __CLPK_logical *__ieee, __CLPK_integer *__emax, __CLPK_real *__rmax)
slamch_(MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal slamch_(char *__cmach)
slamch_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal slamch_(char *__cmach)
slamch_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal slamch_(char *__cmach)
slamch_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal slamch_(char *__cmach)
slamrg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__a, __CLPK_integer *__strd1, __CLPK_integer *__strd2, __CLPK_integer *__index)
slamrg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__a, __CLPK_integer *__strd1, __CLPK_integer *__strd2, __CLPK_integer *__index)
slamrg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__a, __CLPK_integer *__strd1, __CLPK_integer *__strd2, __CLPK_integer *__index)
slamrg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slamrg_(__CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__a, __CLPK_integer *__strd1, __CLPK_integer *__strd2, __CLPK_integer *__index)
slaneg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer slaneg_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_real *__sigma, __CLPK_real *__pivmin, __CLPK_integer *__r__)
slaneg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer slaneg_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_real *__sigma, __CLPK_real *__pivmin, __CLPK_integer *__r__)
slaneg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer slaneg_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_real *__sigma, __CLPK_real *__pivmin, __CLPK_integer *__r__)
slaneg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer slaneg_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_real *__sigma, __CLPK_real *__pivmin, __CLPK_integer *__r__)
slangb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slangb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slangb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slangb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slange_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slange_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slange_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slange_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slangt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slangt_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du)
slangt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slangt_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du)
slangt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slangt_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du)
slangt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slangt_(char *__norm, __CLPK_integer *__n, __CLPK_real *__dl, __CLPK_real *__d__, __CLPK_real *__du)
slanhs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slanhs_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slanhs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slanhs_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slanhs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slanhs_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slanhs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slanhs_(char *__norm, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slansb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slansb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slansb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slansb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slansf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__work)
slansf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__work)
slansf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__work)
slansf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slansf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_real *__work)
slansp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slansp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slansp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slansp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slanst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slanst_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e)
slanst_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slanst_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e)
slanst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slanst_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e)
slanst_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slanst_(char *__norm, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e)
slansy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slansy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slansy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slansy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slantb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slantb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slantb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slantb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__work)
slantp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slantp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slantp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slantp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__work)
slantr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slantr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slantr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slantr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__work)
slanv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slanv2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__rt1r, __CLPK_real *__rt1i, __CLPK_real *__rt2r, __CLPK_real *__rt2i, __CLPK_real *__cs, __CLPK_real *__sn)
slanv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slanv2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__rt1r, __CLPK_real *__rt1i, __CLPK_real *__rt2r, __CLPK_real *__rt2i, __CLPK_real *__cs, __CLPK_real *__sn)
slanv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slanv2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__rt1r, __CLPK_real *__rt1i, __CLPK_real *__rt2r, __CLPK_real *__rt2i, __CLPK_real *__cs, __CLPK_real *__sn)
slanv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slanv2_(__CLPK_real *__a, __CLPK_real *__b, __CLPK_real *__c__, __CLPK_real *__d__, __CLPK_real *__rt1r, __CLPK_real *__rt1i, __CLPK_real *__rt2r, __CLPK_real *__rt2i, __CLPK_real *__cs, __CLPK_real *__sn)
slapll_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slapll_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
slapll_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slapll_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
slapll_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slapll_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
slapll_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slapll_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__ssmin)
slapmt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
slapmt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
slapmt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
slapmt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
slapy2_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slapy2_(__CLPK_real *__x, __CLPK_real *__y)
slapy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slapy2_(__CLPK_real *__x, __CLPK_real *__y)
slapy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slapy2_(__CLPK_real *__x, __CLPK_real *__y)
slapy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slapy2_(__CLPK_real *__x, __CLPK_real *__y)
slapy3_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_doublereal slapy3_(__CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__)
slapy3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_doublereal slapy3_(__CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__)
slapy3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_doublereal slapy3_(__CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__)
slapy3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_doublereal slapy3_(__CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__)
slaqgb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqgb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqgb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqgb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqge_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqge_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqge_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqge_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__r__, __CLPK_real *__c__, __CLPK_real *__rowcnd, __CLPK_real *__colcnd, __CLPK_real *__amax, char *__equed)
slaqp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__work)
slaqp2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__work)
slaqp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__work)
slaqp2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__work)
slaqps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__auxv, __CLPK_real *__f, __CLPK_integer *__ldf)
slaqps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__auxv, __CLPK_real *__f, __CLPK_integer *__ldf)
slaqps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__auxv, __CLPK_real *__f, __CLPK_integer *__ldf)
slaqps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_real *__tau, __CLPK_real *__vn1, __CLPK_real *__vn2, __CLPK_real *__auxv, __CLPK_real *__f, __CLPK_integer *__ldf)
slaqr0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr1_(__CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__sr1, __CLPK_real *__si1, __CLPK_real *__sr2, __CLPK_real *__si2, __CLPK_real *__v)
slaqr1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr1_(__CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__sr1, __CLPK_real *__si1, __CLPK_real *__sr2, __CLPK_real *__si2, __CLPK_real *__v)
slaqr1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr1_(__CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__sr1, __CLPK_real *__si1, __CLPK_real *__sr2, __CLPK_real *__si2, __CLPK_real *__v)
slaqr1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr1_(__CLPK_integer *__n, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__sr1, __CLPK_real *__si1, __CLPK_real *__sr2, __CLPK_real *__si2, __CLPK_real *__v)
slaqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_real *__work, __CLPK_integer *__lwork)
slaqr4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
slaqr5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_real *__wh, __CLPK_integer *__ldwh)
slaqr5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_real *__wh, __CLPK_integer *__ldwh)
slaqr5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_real *__wh, __CLPK_integer *__ldwh)
slaqr5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_real *__sr, __CLPK_real *__si, __CLPK_real *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_real *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_real *__wh, __CLPK_integer *__ldwh)
slaqsb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsy_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqsy_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, char *__equed)
slaqtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__b, __CLPK_real *__w, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__info)
slaqtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__b, __CLPK_real *__w, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__info)
slaqtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__b, __CLPK_real *__w, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__info)
slaqtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaqtr_(__CLPK_logical *__ltran, __CLPK_logical *__l__CLPK_real, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__b, __CLPK_real *__w, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_real *__work, __CLPK_integer *__info)
slar1v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_real *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
slar1v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_real *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
slar1v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_real *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
slar1v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_real *__lambda, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_real *__lld, __CLPK_real *__pivmin, __CLPK_real *__gaptol, __CLPK_real *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_real *__ztz, __CLPK_real *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_real *__nrminv, __CLPK_real *__resid, __CLPK_real *__rqcorr, __CLPK_real *__work)
slar2v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slar2v_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slar2v_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slar2v_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slar2v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slar2v_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slar2v_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slar2v_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_real *__y, __CLPK_real *__z__, __CLPK_integer *__incx, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slarf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarfb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarfb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarfb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarfb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarfg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarfg_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarfg_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarfg_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarfg_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarfp_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarfp_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarfp_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarfp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarfp_(__CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__tau)
slarft_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarft_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarft_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarft_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarfx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarfx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarfx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarfx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slargv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slargv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
slargv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slargv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
slargv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slargv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
slargv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slargv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_integer *__incc)
slarnv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slarnv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slarnv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slarnv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slarra_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarra_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__spltol, __CLPK_real *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
slarra_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarra_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__spltol, __CLPK_real *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
slarra_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarra_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__spltol, __CLPK_real *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
slarra_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarra_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__spltol, __CLPK_real *__tnrm, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__info)
slarrb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrb_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
slarrb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrb_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
slarrb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrb_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
slarrb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrb_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__lld, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__twist, __CLPK_integer *__info)
slarrc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
slarrc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
slarrc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
slarrc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrc_(char *__jobt, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__pivmin, __CLPK_integer *__eigcnt, __CLPK_integer *__lcnt, __CLPK_integer *__rcnt, __CLPK_integer *__info)
slarrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__gers, __CLPK_real *__reltol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wl, __CLPK_real *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__gers, __CLPK_real *__reltol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wl, __CLPK_real *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__gers, __CLPK_real *__reltol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wl, __CLPK_real *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrd_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__gers, __CLPK_real *__reltol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wl, __CLPK_real *__wu, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarre_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarre_(char *__range, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__pivmin, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarre_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarre_(char *__range, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__pivmin, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarre_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarre_(char *__range, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__pivmin, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarre_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarre_(char *__range, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__e2, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__spltol, __CLPK_integer *__nsplit, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__pivmin, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__spdiam, __CLPK_real *__clgapl, __CLPK_real *__clgapr, __CLPK_real *__pivmin, __CLPK_real *__sigma, __CLPK_real *__dplus, __CLPK_real *__lplus, __CLPK_real *__work, __CLPK_integer *__info)
slarrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__spdiam, __CLPK_real *__clgapl, __CLPK_real *__clgapr, __CLPK_real *__pivmin, __CLPK_real *__sigma, __CLPK_real *__dplus, __CLPK_real *__lplus, __CLPK_real *__work, __CLPK_integer *__info)
slarrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__spdiam, __CLPK_real *__clgapl, __CLPK_real *__clgapr, __CLPK_real *__pivmin, __CLPK_real *__sigma, __CLPK_real *__dplus, __CLPK_real *__lplus, __CLPK_real *__work, __CLPK_integer *__info)
slarrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__ld, __CLPK_integer *__clstrt, __CLPK_integer *__clend, __CLPK_real *__w, __CLPK_real *__wgap, __CLPK_real *__werr, __CLPK_real *__spdiam, __CLPK_real *__clgapl, __CLPK_real *__clgapr, __CLPK_real *__pivmin, __CLPK_real *__sigma, __CLPK_real *__dplus, __CLPK_real *__lplus, __CLPK_real *__work, __CLPK_integer *__info)
slarrj_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrj_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__info)
slarrj_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrj_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__info)
slarrj_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrj_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__info)
slarrj_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrj_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_integer *__ifirst, __CLPK_integer *__ilast, __CLPK_real *__rtol, __CLPK_integer *__offset, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_real *__pivmin, __CLPK_real *__spdiam, __CLPK_integer *__info)
slarrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_real *__gl, __CLPK_real *__gu, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_real *__reltol, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_integer *__info)
slarrk_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_real *__gl, __CLPK_real *__gu, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_real *__reltol, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_integer *__info)
slarrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_real *__gl, __CLPK_real *__gu, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_real *__reltol, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_integer *__info)
slarrk_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrk_(__CLPK_integer *__n, __CLPK_integer *__iw, __CLPK_real *__gl, __CLPK_real *__gu, __CLPK_real *__d__, __CLPK_real *__e2, __CLPK_real *__pivmin, __CLPK_real *__reltol, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_integer *__info)
slarrr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrr_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
slarrr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrr_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
slarrr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrr_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
slarrr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrr_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
slarrv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarrv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarrv_(__CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_real *__d__, __CLPK_real *__l, __CLPK_real *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_real *__minrgp, __CLPK_real *__rtol1, __CLPK_real *__rtol2, __CLPK_real *__w, __CLPK_real *__werr, __CLPK_real *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_real *__gers, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slarscl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slarscl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slarscl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slarscl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slartg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slartg_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__cs, __CLPK_real *__sn, __CLPK_real *__r__)
slartg_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slartg_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__cs, __CLPK_real *__sn, __CLPK_real *__r__)
slartg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slartg_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__cs, __CLPK_real *__sn, __CLPK_real *__r__)
slartg_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slartg_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__cs, __CLPK_real *__sn, __CLPK_real *__r__)
slartv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slartv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slartv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slartv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slartv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slartv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slartv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slartv_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__y, __CLPK_integer *__incy, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__incc)
slaruv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slaruv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slaruv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slaruv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaruv_(__CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_real *__x)
slarz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work)
slarzb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarzb_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarzb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarzb_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__ldwork)
slarzt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarzt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarzt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slarzt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__tau, __CLPK_real *__t, __CLPK_integer *__ldt)
slas2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slas2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax)
slas2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slas2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax)
slas2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slas2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax)
slas2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slas2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax)
slascl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slascl_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slascl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slascl_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_real *__cfrom, __CLPK_real *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slascl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slascl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slascl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slascl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__x, __CLPK_integer *__ldx)
slasd0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd0_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd0_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd0_(__CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__smlsiz, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd1_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_integer *__idxq, __CLPK_integer *__iwork, __CLPK_real *__work, __CLPK_integer *__info)
slasd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__dsigma, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slasd2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__dsigma, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slasd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__dsigma, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slasd2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd2_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__dsigma, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxp, __CLPK_integer *__idx, __CLPK_integer *__idxc, __CLPK_integer *__idxq, __CLPK_integer *__coltyp, __CLPK_integer *__info)
slasd3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__dsigma, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_real *__z__, __CLPK_integer *__info)
slasd3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__dsigma, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_real *__z__, __CLPK_integer *__info)
slasd3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__dsigma, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_real *__z__, __CLPK_integer *__info)
slasd3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd3_(__CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__dsigma, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__u2, __CLPK_integer *__ldu2, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__vt2, __CLPK_integer *__ldvt2, __CLPK_integer *__idxc, __CLPK_integer *__ctot, __CLPK_real *__z__, __CLPK_integer *__info)
slasd4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__sigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__sigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__sigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd4_(__CLPK_integer *__n, __CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__sigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dsigma, __CLPK_real *__work)
slasd5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dsigma, __CLPK_real *__work)
slasd5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dsigma, __CLPK_real *__work)
slasd5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd5_(__CLPK_integer *__i__, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__delta, __CLPK_real *__rho, __CLPK_real *__dsigma, __CLPK_real *__work)
slasd6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasd6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasd6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasd6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd6_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__poles, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_integer *__k, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasd7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__zw, __CLPK_real *__vf, __CLPK_real *__vfw, __CLPK_real *__vl, __CLPK_real *__vlw, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__info)
slasd7_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__zw, __CLPK_real *__vf, __CLPK_real *__vfw, __CLPK_real *__vl, __CLPK_real *__vlw, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__info)
slasd7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__zw, __CLPK_real *__vf, __CLPK_real *__vfw, __CLPK_real *__vl, __CLPK_real *__vlw, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__info)
slasd7_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd7_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__zw, __CLPK_real *__vf, __CLPK_real *__vfw, __CLPK_real *__vl, __CLPK_real *__vlw, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__dsigma, __CLPK_integer *__idx, __CLPK_integer *__idxp, __CLPK_integer *__idxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_real *__givnum, __CLPK_integer *__ldgnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_integer *__info)
slasd8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_integer *__lddifr, __CLPK_real *__dsigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd8_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_integer *__lddifr, __CLPK_real *__dsigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_integer *__lddifr, __CLPK_real *__dsigma, __CLPK_real *__work, __CLPK_integer *__info)
slasd8_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasd8_(__CLPK_integer *__icompq, __CLPK_integer *__k, __CLPK_real *__d__, __CLPK_real *__z__, __CLPK_real *__vf, __CLPK_real *__vl, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_integer *__lddifr, __CLPK_real *__dsigma, __CLPK_real *__work, __CLPK_integer *__info)
slasda_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasda_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasda_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasda_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasda_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__sqre, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__vt, __CLPK_integer *__k, __CLPK_real *__difl, __CLPK_real *__difr, __CLPK_real *__z__, __CLPK_real *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_real *__givnum, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
slasdq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
slasdq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
slasdq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
slasdq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasdq_(char *__uplo, __CLPK_integer *__sqre, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vt, __CLPK_integer *__ldvt, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
slasdt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
slasdt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
slasdt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
slasdt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasdt_(__CLPK_integer *__n, __CLPK_integer *__lvl, __CLPK_integer *__nd, __CLPK_integer *__inode, __CLPK_integer *__ndiml, __CLPK_integer *__ndimr, __CLPK_integer *__msub)
slaset_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__a, __CLPK_integer *__lda)
slaset_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__a, __CLPK_integer *__lda)
slaset_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__a, __CLPK_integer *__lda)
slaset_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__a, __CLPK_integer *__lda)
slasq1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__work, __CLPK_integer *__info)
slasq1_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__work, __CLPK_integer *__info)
slasq1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__work, __CLPK_integer *__info)
slasq1_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq1_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__work, __CLPK_integer *__info)
slasq2_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq2_(__CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__info)
slasq2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq2_(__CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__info)
slasq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq2_(__CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__info)
slasq2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq2_(__CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__info)
slasq3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__sigma, __CLPK_real *__desig, __CLPK_real *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__g, __CLPK_real *__tau)
slasq3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__sigma, __CLPK_real *__desig, __CLPK_real *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__g, __CLPK_real *__tau)
slasq3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__sigma, __CLPK_real *__desig, __CLPK_real *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__g, __CLPK_real *__tau)
slasq3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq3_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__sigma, __CLPK_real *__desig, __CLPK_real *__qmax, __CLPK_integer *__nfail, __CLPK_integer *__iter, __CLPK_integer *__ndiv, __CLPK_logical *__ieee, __CLPK_integer *__ttype, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__g, __CLPK_real *__tau)
slasq4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__tau, __CLPK_integer *__ttype, __CLPK_real *__g)
slasq4_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__tau, __CLPK_integer *__ttype, __CLPK_real *__g)
slasq4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__tau, __CLPK_integer *__ttype, __CLPK_real *__g)
slasq4_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq4_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_integer *__n0in, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dn1, __CLPK_real *__dn2, __CLPK_real *__tau, __CLPK_integer *__ttype, __CLPK_real *__g)
slasq5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__tau, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2, __CLPK_logical *__ieee)
slasq5_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__tau, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2, __CLPK_logical *__ieee)
slasq5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__tau, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2, __CLPK_logical *__ieee)
slasq5_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq5_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__tau, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2, __CLPK_logical *__ieee)
slasq6_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2)
slasq6_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2)
slasq6_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2)
slasq6_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasq6_(__CLPK_integer *__i0, __CLPK_integer *__n0, __CLPK_real *__z__, __CLPK_integer *__pp, __CLPK_real *__dmin__, __CLPK_real *__dmin1, __CLPK_real *__dmin2, __CLPK_real *__dn, __CLPK_real *__dnm1, __CLPK_real *__dnm2)
slasr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__a, __CLPK_integer *__lda)
slasr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__a, __CLPK_integer *__lda)
slasr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__a, __CLPK_integer *__lda)
slasr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__c__, __CLPK_real *__s, __CLPK_real *__a, __CLPK_integer *__lda)
slasrt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasrt_(char *__id, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_integer *__info)
slasrt_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasrt_(char *__id, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_integer *__info)
slasrt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasrt_(char *__id, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_integer *__info)
slasrt_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasrt_(char *__id, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_integer *__info)
slassq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slassq_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
slassq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slassq_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
slassq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slassq_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
slassq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slassq_(__CLPK_integer *__n, __CLPK_real *__x, __CLPK_integer *__incx, __CLPK_real *__scale, __CLPK_real *__sumsq)
slasv2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasv2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax, __CLPK_real *__snr, __CLPK_real *__csr, __CLPK_real *__snl, __CLPK_real *__csl)
slasv2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasv2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax, __CLPK_real *__snr, __CLPK_real *__csr, __CLPK_real *__snl, __CLPK_real *__csl)
slasv2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasv2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax, __CLPK_real *__snr, __CLPK_real *__csr, __CLPK_real *__snl, __CLPK_real *__csl)
slasv2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasv2_(__CLPK_real *__f, __CLPK_real *__g, __CLPK_real *__h__, __CLPK_real *__ssmin, __CLPK_real *__ssmax, __CLPK_real *__snr, __CLPK_real *__csr, __CLPK_real *__snl, __CLPK_real *__csl)
slaswp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slaswp_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
slaswp_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slaswp_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
slaswp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slaswp_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
slaswp_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slaswp_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
slasy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__tl, __CLPK_integer *__ldtl, __CLPK_real *__tr, __CLPK_integer *__ldtr, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__xnorm, __CLPK_integer *__info)
slasy2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__tl, __CLPK_integer *__ldtl, __CLPK_real *__tr, __CLPK_integer *__ldtr, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__xnorm, __CLPK_integer *__info)
slasy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__tl, __CLPK_integer *__ldtl, __CLPK_real *__tr, __CLPK_integer *__ldtr, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__xnorm, __CLPK_integer *__info)
slasy2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasy2_(__CLPK_logical *__ltranl, __CLPK_logical *__ltranr, __CLPK_integer *__isgn, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__tl, __CLPK_integer *__ldtl, __CLPK_real *__tr, __CLPK_integer *__ldtr, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__scale, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__xnorm, __CLPK_integer *__info)
slasyf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
slasyf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
slasyf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
slasyf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
slatbs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatbs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatbs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatbs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatdf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
slatdf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
slatdf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
slatdf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__rhs, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
SLATE_BLUE - Static variable in class smile.plot.swing.Palette
The color slate blue with an RGB value of #6A5ACD
SLATE_GRAY - Static variable in class smile.plot.swing.Palette
The color slate gray with an RGB value of #708090
SLATE_GREY - Static variable in class smile.plot.swing.Palette
The color slate grey with an RGB value of #708090
slatps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatps_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatps_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__w, __CLPK_integer *__ldw)
slatrd_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__w, __CLPK_integer *__ldw)
slatrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__w, __CLPK_integer *__ldw)
slatrd_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__w, __CLPK_integer *__ldw)
slatrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__x, __CLPK_real *__scale, __CLPK_real *__cnorm, __CLPK_integer *__info)
slatrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work)
slatrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work)
slatrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work)
slatrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work)
slatzm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c1, __CLPK_real *__c2, __CLPK_integer *__ldc, __CLPK_real *__work)
slatzm_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c1, __CLPK_real *__c2, __CLPK_integer *__ldc, __CLPK_real *__work)
slatzm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c1, __CLPK_real *__c2, __CLPK_integer *__ldc, __CLPK_real *__work)
slatzm_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__v, __CLPK_integer *__incv, __CLPK_real *__tau, __CLPK_real *__c1, __CLPK_real *__c2, __CLPK_integer *__ldc, __CLPK_real *__work)
slauu2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauu2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauu2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauu2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauum_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int slauum_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauum_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int slauum_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauum_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int slauum_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slauum_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int slauum_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
slice(double[], int[]) - Static method in class smile.math.MathEx
Returns a slice of data for given indices.
slice(float[], int[]) - Static method in class smile.math.MathEx
Returns a slice of data for given indices.
slice(int[], int[]) - Static method in class smile.math.MathEx
Returns a slice of data for given indices.
slice(int, int) - Method in interface smile.data.vector.ValueVector
Returns the slice index for [start, end) with step 1.
slice(int, int) - Method in class smile.tensor.Vector
Returns a slice of vector, which shares the data storage.
slice(int, int) - Method in record class smile.util.Bytes
Returns a copy of byte string slice.
slice(int, int, int) - Method in interface smile.data.vector.ValueVector
Returns the slice index for [start, end) with step 1.
slice(E[], int[]) - Static method in class smile.math.MathEx
Returns a slice of data for given indices.
slice(Integer, Integer) - Static method in class smile.deep.tensor.Index
Returns the slice index for [start, end) with incremental step 1.
slice(Integer, Integer, Integer) - Static method in class smile.deep.tensor.Index
Returns the slice index for [start, end) with the given incremental step.
slice(Long, Long) - Static method in class smile.deep.tensor.Index
Returns the slice index for [start, end) with incremental step 1.
slice(Long, Long, Long) - Static method in class smile.deep.tensor.Index
Returns the slice index for [start, end) with the given incremental step.
slices() - Method in class smile.plot.swing.Axis
Returns the number of slices in linear scale.
SM - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues smallest in magnitude.
SM - Enum constant in enum class smile.tensor.ARPACK.SymmOption
The eigenvalues smallest in magnitude.
smaxloc_(MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
__CLPK_integer smaxloc_(__CLPK_real *__a, __CLPK_integer *__dimm)
smaxloc_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
__CLPK_integer smaxloc_(__CLPK_real *__a, __CLPK_integer *__dimm)
smaxloc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
__CLPK_integer smaxloc_(__CLPK_real *__a, __CLPK_integer *__dimm)
smaxloc_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
__CLPK_integer smaxloc_(__CLPK_real *__a, __CLPK_integer *__dimm)
smile.anomaly - package smile.anomaly
Anomaly detection is the identification of rare items, events or observations which raise suspicions by differing significantly from the majority of the data.
smile.association - package smile.association
Frequent item set mining and association rule mining.
smile.base.cart - package smile.base.cart
Classification and regression tree base package.
smile.base.mlp - package smile.base.mlp
Multilayer perceptron neural network base package.
smile.base.rbf - package smile.base.rbf
RBF network base package.
smile.base.svm - package smile.base.svm
Support vector machine base package.
smile.classification - package smile.classification
Classification algorithms.
smile.clustering - package smile.clustering
Clustering analysis.
smile.clustering.linkage - package smile.clustering.linkage
Cluster dissimilarity measures.
smile.data - package smile.data
Data and attribute encapsulation classes.
smile.data.formula - package smile.data.formula
The formula interface symbolically specifies the predictors and the response.
smile.data.measure - package smile.data.measure
Level of measurement or scale of measure.
smile.data.transform - package smile.data.transform
Data transformations.
smile.data.type - package smile.data.type
Data types.
smile.data.vector - package smile.data.vector
Abstraction to store a sequence of values having the same type in an individual column of data frame.
smile.datasets - package smile.datasets
Built-in datasets.
smile.deep - package smile.deep
Deep learning.
smile.deep.activation - package smile.deep.activation
Activation functions.
smile.deep.layer - package smile.deep.layer
Neural network layers.
smile.deep.metric - package smile.deep.metric
Model validation metrics.
smile.deep.tensor - package smile.deep.tensor
A tensor is a multidimensional array.
smile.feature.extraction - package smile.feature.extraction
Feature extraction.
smile.feature.importance - package smile.feature.importance
Feature importance.
smile.feature.imputation - package smile.feature.imputation
Missing value imputation.
smile.feature.selection - package smile.feature.selection
Feature selection.
smile.feature.transform - package smile.feature.transform
Feature transformations.
smile.gap - package smile.gap
Genetic algorithm and programming.
smile.glm - package smile.glm
Generalized linear models.
smile.glm.model - package smile.glm.model
The error distribution models.
smile.graph - package smile.graph
Graphs are mathematical structures used to model pairwise relations between objects from a certain collection.
smile.hash - package smile.hash
Hashing functions.
smile.hpo - package smile.hpo
Hyperparameter optimization.
smile.ica - package smile.ica
Independent Component Analysis (ICA).
smile.interpolation - package smile.interpolation
Interpolation is the process of constructing a function that takes on specified values at specified points.
smile.interpolation.variogram - package smile.interpolation.variogram
Variogram functions.
smile.io - package smile.io
Interfaces to read/write a Dataset.
smile.linalg - package smile.linalg
The linear algebra algorithms.
smile.linalg.arpack - package smile.linalg.arpack
 
smile.linalg.blas - package smile.linalg.blas
 
smile.linalg.lapack - package smile.linalg.lapack
 
smile.llm - package smile.llm
Large language models.
smile.llm.llama - package smile.llm.llama
Meta Llama models.
smile.llm.tokenizer - package smile.llm.tokenizer
LLM Tokenization.
smile.manifold - package smile.manifold
Manifold learning finds a low-dimensional basis for describing high-dimensional data.
smile.math - package smile.math
Basic mathematical functions, complex, differentiable function interfaces, random number generators, unconstrained optimization, and raw data type (int and double) array lists, etc.
smile.math.distance - package smile.math.distance
Distance and metric measures.
smile.math.kernel - package smile.math.kernel
Mercer kernels.
smile.math.random - package smile.math.random
High quality random number generators as a replacement of the standard Random class of Java system.
smile.math.rbf - package smile.math.rbf
Radial basis functions.
smile.math.special - package smile.math.special
Special mathematical functions including beta, erf, and gamma.
smile.neighbor - package smile.neighbor
Nearest neighbor search.
smile.neighbor.lsh - package smile.neighbor.lsh
LSH internal classes.
smile.nlp - package smile.nlp
Natural language processing.
smile.nlp.collocation - package smile.nlp.collocation
Collocation finding algorithms.
smile.nlp.dictionary - package smile.nlp.dictionary
Common dictionaries such as stop words, punctuation, common English words, etc.
smile.nlp.embedding - package smile.nlp.embedding
Word embedding.
smile.nlp.keyword - package smile.nlp.keyword
Keyword extraction.
smile.nlp.normalizer - package smile.nlp.normalizer
Text normalization.
smile.nlp.pos - package smile.nlp.pos
Part-of-speech taggers.
smile.nlp.relevance - package smile.nlp.relevance
Term-document relevance ranking algorithms.
smile.nlp.stemmer - package smile.nlp.stemmer
English word stemmer algorithms.
smile.nlp.tokenizer - package smile.nlp.tokenizer
Sentence splitter and word tokenizer.
smile.plot.swing - package smile.plot.swing
Mathematical and statistical plots.
smile.plot.vega - package smile.plot.vega
Declarative data visualization.
smile.regression - package smile.regression
Regression analysis.
smile.sequence - package smile.sequence
Learning algorithms for sequence data.
smile.sort - package smile.sort
Sorting algorithms.
smile.stat - package smile.stat
Probability distributions and statistical hypothesis tests.
smile.stat.distribution - package smile.stat.distribution
Probability distributions.
smile.stat.hypothesis - package smile.stat.hypothesis
Statistical hypothesis tests.
smile.swing - package smile.swing
Enhanced and additional Swing components (FileChooser, FontChooser, Table, Button, AlphaIcon, and Printer).
smile.swing.table - package smile.swing.table
Enhancement to Swing JTable and cell components.
smile.swing.text - package smile.swing.text
 
smile.taxonomy - package smile.taxonomy
A taxonomy is a tree of terms (concepts) where leaves must be named but intermediary nodes can be anonymous.
smile.tensor - package smile.tensor
A tensor is a multidimensional array.
smile.timeseries - package smile.timeseries
Time series analysis.
smile.util - package smile.util
Primitive data collections, string, date and time facilities, and miscellaneous utility classes.
smile.util.function - package smile.util.function
Mathematical functional interfaces.
smile.validation - package smile.validation
Model validation and selection.
smile.validation.metric - package smile.validation.metric
Model validation metrics.
smile.vision - package smile.vision
Computer vision models.
smile.vision.layer - package smile.vision.layer
Neural network layers for computer vision tasks.
smile.vision.transform - package smile.vision.transform
Image transformations.
smile.vq - package smile.vq
Vector quantization is a lossy compression technique used in speech and image coding.
smile.vq.hebb - package smile.vq.hebb
Hebbian theory is a neuroscientific theory claiming that an increase in synaptic efficacy arises from a presynaptic cell's repeated and persistent stimulation of a postsynaptic cell.
smile.wavelet - package smile.wavelet
Discrete wavelet transform (DWT).
smoothness() - Method in class smile.math.kernel.Matern
Returns the smoothness of kernel.
snaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void snaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
snaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void snaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
snaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void snaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
snaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void snaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sneupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, float, float, MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void sneupd_c(int rvec, const char *howmny, const int *select, float *dr, float *di, float *z, int ldz, float sigmar, float sigmai, float *workev, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sneupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void sneupd_c(int rvec, const char *howmny, const int *select, float *dr, float *di, float *z, int ldz, float sigmar, float sigmai, float *workev, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sneupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void sneupd_c(int rvec, const char *howmny, const int *select, float *dr, float *di, float *z, int ldz, float sigmar, float sigmai, float *workev, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sneupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void sneupd_c(int rvec, const char *howmny, const int *select, float *dr, float *di, float *z, int ldz, float sigmar, float sigmai, float *workev, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
SNLSH<K,V> - Class in smile.neighbor
Locality-Sensitive Hashing for Signatures.
SNLSH(int, SimHash) - Constructor for class smile.neighbor.SNLSH
Constructor.
SNOW - Static variable in class smile.plot.swing.Palette
The color snow with an RGB value of #FFFAFA
soft() - Method in class smile.classification.AdaBoost
 
soft() - Method in interface smile.classification.Classifier
Returns true if this is a soft classifier that can estimate the posteriori probabilities of classification.
soft() - Method in class smile.classification.DecisionTree
 
soft() - Method in class smile.classification.DiscreteNaiveBayes
 
soft() - Method in class smile.classification.GradientTreeBoost
 
soft() - Method in class smile.classification.KNN
 
soft() - Method in class smile.classification.LDA
 
soft() - Method in class smile.classification.LogisticRegression
 
soft() - Method in class smile.classification.Maxent
 
soft() - Method in class smile.classification.MLP
 
soft() - Method in class smile.classification.NaiveBayes
 
soft() - Method in class smile.classification.OneVersusOne
 
soft() - Method in class smile.classification.OneVersusRest
 
soft() - Method in class smile.classification.QDA
 
soft() - Method in class smile.classification.RandomForest
 
soft() - Method in class smile.classification.SparseLogisticRegression
 
softmax() - Method in class smile.tensor.Vector
The softmax function without overflow.
softmax(double[]) - Static method in class smile.math.MathEx
The softmax function without overflow.
softmax(double[], int) - Static method in class smile.math.MathEx
The softmax function without overflow.
softmax(int) - Method in class smile.deep.tensor.Tensor
Rescales a tensor so that the elements lie in the range [0,1] and sum to 1.
softmax(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with softmax activation function.
Softmax - Class in smile.deep.activation
Softmax activation function.
Softmax() - Constructor for class smile.deep.activation.Softmax
Constructor.
SOFTMAX - Enum constant in enum class smile.base.mlp.OutputFunction
Softmax for multi-class cross entropy objection function.
softShrink(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with soft shrink activation function.
SoftShrink - Class in smile.deep.activation
Soft Shrink activation function.
SoftShrink() - Constructor for class smile.deep.activation.SoftShrink
Constructor.
SoftShrink(double) - Constructor for class smile.deep.activation.SoftShrink
Constructor.
SOLID - Enum constant in enum class smile.plot.swing.Line.Style
Solid line.
solve(double[]) - Method in class smile.tensor.BandMatrix
Solve A * x = b.
solve(double[]) - Method in record class smile.tensor.Cholesky
Solve A * x = b.
solve(double[]) - Method in record class smile.tensor.LU
Solve A * x = b.
solve(double[]) - Method in record class smile.tensor.QR
Solves the least squares min || B - A*X ||.
solve(double[]) - Method in record class smile.tensor.SVD
Solves the least squares min || B - A*X ||.
solve(double[]) - Method in class smile.tensor.SymmMatrix
Solve A * x = b.
solve(double[], double[], double[], double[]) - Static method in class smile.math.MathEx
Solve the tridiagonal linear set which is of diagonal dominance |bi| > |ai| + |ci|.
solve(float[]) - Method in class smile.tensor.BandMatrix
Solve A * x = b.
solve(float[]) - Method in record class smile.tensor.Cholesky
Solve A * x = b.
solve(float[]) - Method in record class smile.tensor.LU
Solve A * x = b.
solve(float[]) - Method in record class smile.tensor.QR
Solves the least squares min || B - A*X ||.
solve(float[]) - Method in record class smile.tensor.SVD
Solves the least squares min || B - A*X ||.
solve(float[]) - Method in class smile.tensor.SymmMatrix
Solve A * x = b.
solve(DenseMatrix) - Method in class smile.tensor.BandMatrix
Solves the linear system A * X = B.
solve(DenseMatrix) - Method in record class smile.tensor.Cholesky
Solves the linear system A * X = B.
solve(DenseMatrix) - Method in record class smile.tensor.LU
Solve A * X = B.
solve(DenseMatrix) - Method in record class smile.tensor.QR
Solves the least squares min || B - A*X ||.
solve(DenseMatrix) - Method in class smile.tensor.SymmMatrix
Solves the linear system A * X = B.
solve(Matrix, Vector, Vector) - Static method in interface smile.tensor.BiconjugateGradient
Solves A * x = b by iterative biconjugate gradient method with Jacobi preconditioner matrix.
solve(Matrix, Vector, Vector, Preconditioner, double, int, int) - Static method in interface smile.tensor.BiconjugateGradient
Solves A * x = b by iterative biconjugate gradient method.
solve(Vector) - Method in record class smile.tensor.SVD
Solves the least squares min || B - A*X ||.
solve(Vector, Vector) - Method in interface smile.tensor.Preconditioner
Solve P * x = b for the preconditioner matrix P.
SOM - Class in smile.vq
Self-Organizing Map.
SOM(double[][][], TimeFunction, Neighborhood) - Constructor for class smile.vq.SOM
Constructor.
sopgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
sopgtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
sopgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
sopgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sopgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
sopmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sopmtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sopmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sopmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sopmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorg2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorg2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorg2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorg2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorghr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorghr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorghr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorghr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgl2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgl2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorglq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorglq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorglq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorglq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__info)
sorgrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorm2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2l_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2l_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2r_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorm2r_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormbr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormbr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormhr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormhr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormhr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormhr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sorml2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorml2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorml2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sorml2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sorml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormlq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormlq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormlq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormlq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormql_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormql_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormqr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormqr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr3_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormr3_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__info)
sormrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrq_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrq_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrz_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormrz_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int sormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormtr_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int sormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int sormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sormtr_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int sormtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sort() - Method in class smile.sort.DoubleHeapSelect
Sort the smallest values.
sort() - Method in class smile.sort.FloatHeapSelect
Sort the smallest values.
sort() - Method in class smile.sort.HeapSelect
Sort the smallest values.
sort() - Method in class smile.sort.IntHeapSelect
Sort the smallest values.
sort() - Method in record class smile.tensor.EVD
Sorts the eigenvalues in descending order and reorders the corresponding eigenvectors.
sort() - Method in class smile.util.SparseArray
Sorts the array elements such that the indices are in ascending order.
sort() - Method in class smile.util.SparseIntArray
Sorts the array elements such that the indices are in ascending order.
sort(double[]) - Static method in interface smile.sort.QuickSort
Sorts the specified array into ascending numerical order.
sort(double[]) - Static method in interface smile.sort.ShellSort
Sorts the specified array into ascending numerical order.
sort(double[][]) - Static method in class smile.math.MathEx
Sorts each variable and returns the index of values in ascending order.
sort(double[], double[]) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(double[], double[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(double[], int[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(double[], int[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(double[], Object[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(double[], Object[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(float[]) - Static method in interface smile.sort.QuickSort
Sorts the specified array into ascending numerical order.
sort(float[]) - Static method in interface smile.sort.ShellSort
Sorts the specified array into ascending numerical order.
sort(float[], float[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(float[], float[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(float[], int[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(float[], int[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(float[], Object[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(float[], Object[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(int[]) - Static method in interface smile.sort.QuickSort
Sorts the specified array into ascending numerical order.
sort(int[]) - Static method in interface smile.sort.ShellSort
Sorts the specified array into ascending numerical order.
sort(int[], double[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(int[], double[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(int[], int[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array, the array b will be also rearranged as the same order of array.
sort(int[], int[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(int[], Object[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(int[], Object[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(String) - Method in class smile.plot.vega.Field
Sets the sorting property.
sort(String...) - Method in class smile.plot.vega.StackTransform
Sets the fields for sorting data objects within a window.
sort(String...) - Method in class smile.plot.vega.WindowTransform
Sets the fields for sorting data objects within a window.
sort(SortField...) - Method in class smile.plot.vega.StackTransform
Sets the fields for sorting data objects within a window.
sort(SortField...) - Method in class smile.plot.vega.WindowTransform
Sets the fields for sorting data objects within a window.
sort(T[]) - Static method in interface smile.sort.QuickSort
Sorts the specified array into ascending order.
sort(T[]) - Static method in interface smile.sort.ShellSort
Sorts the specified array into ascending order.
sort(T[], int[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(T[], int[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(T[], int[], int, Comparator) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
sort(T[], Object[]) - Static method in interface smile.sort.QuickSort
Besides sorting the array x, the array y will be also rearranged as the same order of x.
sort(T[], Object[], int) - Static method in interface smile.sort.QuickSort
This is an efficient implementation Quick Sort algorithm without recursive.
Sort - Interface in smile.sort
Sort algorithm trait that includes useful static functions such as swap and swift up/down used in many sorting algorithms.
SortField - Record Class in smile.plot.vega
A sort field definition for sorting data objects within a window.
SortField(String, String) - Constructor for record class smile.plot.vega.SortField
Creates an instance of a SortField record class.
spacing(double) - Method in class smile.plot.vega.FacetField
Sets the spacing in pixels between facet's sub-views.
spacing(double) - Method in class smile.plot.vega.Field
For facet, row and column channels, sets the spacing in pixels between facet's sub-views.
spacing(int) - Method in class smile.plot.vega.Concat
 
spacing(int) - Method in class smile.plot.vega.Facet
 
spacing(int) - Method in class smile.plot.vega.FacetField
For the facet channel, sets the number of columns to include in the view composition layout.
spacing(int) - Method in class smile.plot.vega.Repeat
 
spacing(int) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets the spacing in pixels between sub-views of the composition operator.
spacing(int, int) - Method in class smile.plot.vega.Concat
 
spacing(int, int) - Method in class smile.plot.vega.Facet
 
spacing(int, int) - Method in class smile.plot.vega.Repeat
 
spacing(int, int) - Method in interface smile.plot.vega.ViewLayoutComposition
Sets different spacing values for rows and columns.
sparse(int, int, String...) - Static method in class smile.feature.extraction.RandomProjection
Generates a sparse random projection.
sparse(int, KernelMachine) - Static method in class smile.base.svm.LinearKernelMachine
Creates a linear kernel machine.
sparse(String) - Static method in interface smile.math.kernel.MercerKernel
Returns a sparse kernel function.
SparseArray - Class in smile.util
Sparse array of double values.
SparseArray() - Constructor for class smile.util.SparseArray
Constructor.
SparseArray(int) - Constructor for class smile.util.SparseArray
Constructor.
SparseArray(Collection) - Constructor for class smile.util.SparseArray
Constructor.
SparseArray(Stream) - Constructor for class smile.util.SparseArray
Constructor.
SparseArray.Entry - Record Class in smile.util
The entry in a sparse array of double values.
SparseBSC - Enum constant in enum class smile.deep.tensor.Layout
Sparse tensor in BSC format.
SparseBSR - Enum constant in enum class smile.deep.tensor.Layout
Sparse tensor in BSR format.
SparseChebyshevDistance - Class in smile.math.distance
Chebyshev distance (or Tchebychev distance), or L metric is a metric defined on a vector space where the distance between two vectors is the greatest of their differences along any coordinate dimension.
SparseChebyshevDistance() - Constructor for class smile.math.distance.SparseChebyshevDistance
Constructor.
SparseCOO - Enum constant in enum class smile.deep.tensor.Layout
Sparse tensor in COO format.
SparseCSC - Enum constant in enum class smile.deep.tensor.Layout
Sparse tensor in CSC format.
SparseCSR - Enum constant in enum class smile.deep.tensor.Layout
Sparse tensor in CSR format.
SparseDataset<T> - Class in smile.data
List of Lists sparse matrix format.
SparseDataset(Collection) - Constructor for class smile.data.SparseDataset
Constructor.
SparseDataset(Collection, int) - Constructor for class smile.data.SparseDataset
Constructor.
SparseEncoder - Class in smile.feature.extraction
Encodes numeric and categorical features into sparse array with on-hot encoding of categorical variables.
SparseEncoder(StructType, String...) - Constructor for class smile.feature.extraction.SparseEncoder
Constructor.
SparseEuclideanDistance - Class in smile.math.distance
Euclidean distance on sparse arrays.
SparseEuclideanDistance() - Constructor for class smile.math.distance.SparseEuclideanDistance
Constructor.
SparseEuclideanDistance(double[]) - Constructor for class smile.math.distance.SparseEuclideanDistance
Constructor with a given weight vector.
SparseGaussianKernel - Class in smile.math.kernel
Gaussian kernel, also referred as RBF kernel or squared exponential kernel.
SparseGaussianKernel(double) - Constructor for class smile.math.kernel.SparseGaussianKernel
Constructor.
SparseGaussianKernel(double, double, double) - Constructor for class smile.math.kernel.SparseGaussianKernel
Constructor.
SparseHyperbolicTangentKernel - Class in smile.math.kernel
The hyperbolic tangent kernel on sparse data.
SparseHyperbolicTangentKernel() - Constructor for class smile.math.kernel.SparseHyperbolicTangentKernel
Constructor with scale 1.0 and offset 0.0.
SparseHyperbolicTangentKernel(double, double) - Constructor for class smile.math.kernel.SparseHyperbolicTangentKernel
Constructor.
SparseHyperbolicTangentKernel(double, double, double[], double[]) - Constructor for class smile.math.kernel.SparseHyperbolicTangentKernel
Constructor.
SparseIntArray - Class in smile.util
Sparse array of integers.
SparseIntArray() - Constructor for class smile.util.SparseIntArray
Constructor.
SparseIntArray(int) - Constructor for class smile.util.SparseIntArray
Constructor.
SparseIntArray(Collection) - Constructor for class smile.util.SparseIntArray
Constructor.
SparseIntArray(Stream) - Constructor for class smile.util.SparseIntArray
Constructor.
SparseIntArray.Entry - Record Class in smile.util
The entry in a sparse array of double values.
SparseLaplacianKernel - Class in smile.math.kernel
Laplacian kernel, also referred as exponential kernel.
SparseLaplacianKernel(double) - Constructor for class smile.math.kernel.SparseLaplacianKernel
Constructor.
SparseLaplacianKernel(double, double, double) - Constructor for class smile.math.kernel.SparseLaplacianKernel
Constructor.
SparseLinearKernel - Class in smile.math.kernel
The linear dot product kernel on sparse arrays.
SparseLinearKernel() - Constructor for class smile.math.kernel.SparseLinearKernel
Constructor.
SparseLinearSVM - Class in smile.classification
Sparse linear support vector machines for classification.
SparseLinearSVM - Class in smile.regression
Sparse linear support vector machines for regression.
SparseLinearSVM(int, KernelMachine) - Constructor for class smile.classification.SparseLinearSVM
Constructor.
SparseLinearSVM(int, KernelMachine) - Constructor for class smile.regression.SparseLinearSVM
Constructor.
SparseLogisticRegression - Class in smile.classification
Logistic regression on sparse data.
SparseLogisticRegression(int, double, double, IntSet) - Constructor for class smile.classification.SparseLogisticRegression
Constructor.
SparseLogisticRegression.Binomial - Class in smile.classification
Binomial logistic regression.
SparseLogisticRegression.Multinomial - Class in smile.classification
Multinomial logistic regression.
SparseManhattanDistance - Class in smile.math.distance
Manhattan distance, also known as L1 distance or L1 norm, is the sum of the (absolute) differences of their coordinates.
SparseManhattanDistance() - Constructor for class smile.math.distance.SparseManhattanDistance
Constructor.
SparseManhattanDistance(double[]) - Constructor for class smile.math.distance.SparseManhattanDistance
Constructor.
SparseMaternKernel - Class in smile.math.kernel
The class of Matérn kernels is a generalization of the Gaussian/RBF.
SparseMaternKernel(double, double) - Constructor for class smile.math.kernel.SparseMaternKernel
Constructor.
SparseMaternKernel(double, double, double, double) - Constructor for class smile.math.kernel.SparseMaternKernel
Constructor.
SparseMatrix - Class in smile.tensor
A sparse matrix is a matrix populated primarily with zeros.
SparseMatrix(double[][]) - Constructor for class smile.tensor.SparseMatrix
Constructor.
SparseMatrix(double[][], double) - Constructor for class smile.tensor.SparseMatrix
Constructor.
SparseMatrix(int, int, double[], int[], int[]) - Constructor for class smile.tensor.SparseMatrix
Constructor.
SparseMatrix.Entry - Class in smile.tensor
Encapsulates an entry in a matrix for use in streaming.
SparseMatrixPlot - Class in smile.plot.swing
A graphical representation of sparse matrix data.
SparseMatrixPlot(SparseMatrix, Color) - Constructor for class smile.plot.swing.SparseMatrixPlot
Constructor.
SparseMatrixPlot(SparseMatrix, Color[]) - Constructor for class smile.plot.swing.SparseMatrixPlot
Constructor.
SparseMinkowskiDistance - Class in smile.math.distance
Minkowski distance of order p or Lp-norm, is a generalization of Euclidean distance that is actually L2-norm.
SparseMinkowskiDistance(int) - Constructor for class smile.math.distance.SparseMinkowskiDistance
Constructor.
SparseMinkowskiDistance(int, double[]) - Constructor for class smile.math.distance.SparseMinkowskiDistance
Constructor.
SparsePolynomialKernel - Class in smile.math.kernel
The polynomial kernel on sparse data.
SparsePolynomialKernel(int) - Constructor for class smile.math.kernel.SparsePolynomialKernel
Constructor with scale 1 and offset 0.
SparsePolynomialKernel(int, double, double) - Constructor for class smile.math.kernel.SparsePolynomialKernel
Constructor.
SparsePolynomialKernel(int, double, double, double[], double[]) - Constructor for class smile.math.kernel.SparsePolynomialKernel
Constructor.
SparseThinPlateSplineKernel - Class in smile.math.kernel
The Thin Plate Spline kernel on sparse data.
SparseThinPlateSplineKernel(double) - Constructor for class smile.math.kernel.SparseThinPlateSplineKernel
Constructor.
SparseThinPlateSplineKernel(double, double, double) - Constructor for class smile.math.kernel.SparseThinPlateSplineKernel
Constructor.
spbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbcon_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spbequ_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbstf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbstf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbstf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbstf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbsv_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
spbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spearman(double[], double[]) - Static method in class smile.math.MathEx
The Spearman Rank Correlation Coefficient is a form of the Pearson coefficient with the data converted to rankings (i.e.
spearman(double[], double[]) - Static method in record class smile.stat.hypothesis.CorTest
Spearman rank correlation coefficient test.
spearman(float[], float[]) - Static method in class smile.math.MathEx
The Spearman Rank Correlation Coefficient is a form of the Pearson coefficient with the data converted to rankings (i.e.
spearman(int[], int[]) - Static method in class smile.math.MathEx
The Spearman Rank Correlation Coefficient is a form of the Pearson coefficient with the data converted to rankings (i.e.
spec() - Method in class smile.plot.vega.Mark
Returns the underlying Mark definition object.
spec() - Method in class smile.plot.vega.VegaLite
Returns the Vega-Lite specification.
spec() - Method in interface smile.plot.vega.ViewComposition
Returns the top level Vega-Lite specification.
specialToken(String) - Method in class smile.llm.tokenizer.Tiktoken
Returns the special token id.
specialTokens - Variable in class smile.llm.tokenizer.Tiktoken
Special Token -> Rank
specificity() - Method in record class smile.validation.ClassificationMetrics
Returns the value of the specificity record component.
Specificity - Class in smile.validation.metric
Specificity (SPC) or True Negative Rate is a statistical measures of the performance of a binary classification test.
Specificity() - Constructor for class smile.validation.metric.Specificity
Constructor.
SpectralClustering - Class in smile.clustering
Spectral Clustering.
SpectralClustering.Options - Record Class in smile.clustering
Spectral clustering hyperparameters.
spftrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h_1
int spftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftrf_$address() - Static method in class smile.linalg.lapack.clapack_h_1
Address for:
int spftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h_1
Function descriptor for:
int spftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftrf_$handle() - Static method in class smile.linalg.lapack.clapack_h_1
Downcall method handle for:
int spftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
spftrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spftrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spftrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spftrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
SphericalVariogram - Class in smile.interpolation.variogram
Spherical variogram.
SphericalVariogram(double, double) - Constructor for class smile.interpolation.variogram.SphericalVariogram
Constructor.
SphericalVariogram(double, double, double) - Constructor for class smile.interpolation.variogram.SphericalVariogram
Constructor.
split(String) - Method in class smile.nlp.tokenizer.BreakIteratorSentenceSplitter
 
split(String) - Method in class smile.nlp.tokenizer.BreakIteratorTokenizer
 
split(String) - Method in interface smile.nlp.tokenizer.ParagraphSplitter
Splits the text into paragraphs.
split(String) - Method in class smile.nlp.tokenizer.PennTreebankTokenizer
 
split(String) - Method in interface smile.nlp.tokenizer.SentenceSplitter
Splits the text into sentences.
split(String) - Method in class smile.nlp.tokenizer.SimpleParagraphSplitter
 
split(String) - Method in class smile.nlp.tokenizer.SimpleSentenceSplitter
 
split(String) - Method in class smile.nlp.tokenizer.SimpleTokenizer
 
split(String) - Method in interface smile.nlp.tokenizer.Tokenizer
Splits the string into a list of tokens.
split(Split, PriorityQueue) - Method in class smile.base.cart.CART
Split a node into two children nodes.
Split - Class in smile.base.cart
The data about of a potential split for a leaf node.
Split(LeafNode, int, double, int, int, int, int) - Constructor for class smile.base.cart.Split
Constructor.
SplitRule - Enum Class in smile.base.cart
The criterion to choose variable to split instances.
splitTol() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the splitTol record component.
splom(DataFrame, char, Color) - Static method in class smile.plot.swing.MultiFigurePane
Returns the scatter plot matrix (SPLOM).
splom(DataFrame, char, String) - Static method in class smile.plot.swing.MultiFigurePane
Returns the scatter plot matrix (SPLOM).
spocon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spocon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spocon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spocon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spocon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spocon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spocon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spocon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spoequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spoequ_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spoequ_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spoequ_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spoequ_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spoequb_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spoequb_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spoequb_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spoequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spoequb_(__CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
sporfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sporfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sporfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sporfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sposv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sposv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sposvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sposvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sposvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sposvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spotf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spotri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spotri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spotri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spotri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
spotrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spotrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spotrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spotrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sppcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
sppequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
sppequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
sppequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_integer *__info)
spprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sppsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sppsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sppsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sppsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sppsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, char *__equed, __CLPK_real *__s, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
spptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
spptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spread() - Method in record class smile.manifold.UMAP.Options
Returns the value of the spread record component.
SPRING_GREEN - Static variable in class smile.plot.swing.Palette
The color spring green with an RGB value of #00FF7F
spstf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
spstrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_real *__tol, __CLPK_real *__work, __CLPK_integer *__info)
sptcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__info)
sptcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__info)
sptcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__info)
sptcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sptcon_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__info)
spteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
spteqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
spteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
spteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sptrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sptrfs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sptsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sptsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sptsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sptsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
sptsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__df, __CLPK_real *__ef, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__info)
spttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
spttrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
spttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
spttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spttrf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
spttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int spttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spttrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int spttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int spttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
spttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int spttrs_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sptts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb)
sptts2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb)
sptts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb)
sptts2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sptts2_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__b, __CLPK_integer *__ldb)
SQL - Class in smile.data
An in-process SQL database management interface.
SQL() - Constructor for class smile.data.SQL
Constructor of in-memory database.
SQL(String) - Constructor for class smile.data.SQL
Constructor to open or create a persistent database.
sqrt(int[], int[]) - Static method in class smile.validation.metric.AdjustedMutualInformation
Calculates the adjusted mutual information of (I(y1, y2) - E(MI)) / (sqrt(H(y1) * H(y2)) - E(MI)).
sqrt(int[], int[]) - Static method in class smile.validation.metric.NormalizedMutualInformation
Calculates the normalized mutual information of I(y1, y2) / sqrt(H(y1) * H(y2)).
sqrt(String) - Static method in interface smile.data.formula.Terms
The sqrt(x) term.
sqrt(Term) - Static method in interface smile.data.formula.Terms
The sqrt(x) term.
SQRT - Enum constant in enum class smile.validation.metric.AdjustedMutualInformation.Method
I(y1, y2) / sqrt(H(y1) * H(y2))
SQRT - Enum constant in enum class smile.validation.metric.NormalizedMutualInformation.Method
I(y1, y2) / sqrt(H(y1) * H(y2))
SQRT - Static variable in class smile.validation.metric.AdjustedMutualInformation
Default instance with sqrt normalization.
SQRT - Static variable in class smile.validation.metric.NormalizedMutualInformation
Default instance with sqrt normalization.
squaredDistance(double[], double[]) - Static method in class smile.math.MathEx
The squared Euclidean distance.
squaredDistance(float[], float[]) - Static method in class smile.math.MathEx
The squared Euclidean distance.
squaredDistance(int[], int[]) - Static method in class smile.math.MathEx
The squared Euclidean distance on binary sparse arrays, which are the indices of nonzero elements in ascending order.
squaredDistance(Vector, Vector) - Static method in class smile.math.MathEx
The squared Euclidean distance.
squaredDistance(SparseArray, SparseArray) - Static method in class smile.math.MathEx
The Euclidean distance on sparse arrays.
SqueezeExcitation - Class in smile.vision.layer
Squeeze-and-Excitation block from "Squeeze-and-Excitation Networks".
SqueezeExcitation(int, int) - Constructor for class smile.vision.layer.SqueezeExcitation
Constructor.
SqueezeExcitation(int, int, ActivationFunction, ActivationFunction) - Constructor for class smile.vision.layer.SqueezeExcitation
Constructor.
SR - Enum constant in enum class smile.tensor.ARPACK.AsymmOption
The eigenvalues of smallest real part.
srscl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int srscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_real *__sx, __CLPK_integer *__incx)
srscl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int srscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_real *__sx, __CLPK_integer *__incx)
srscl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int srscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_real *__sx, __CLPK_integer *__incx)
srscl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int srscl_(__CLPK_integer *__n, __CLPK_real *__sa, __CLPK_real *__sx, __CLPK_integer *__incx)
ssaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void ssaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
ssaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void ssaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
ssaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void ssaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
ssaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void ssaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
ssbev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__work, __CLPK_integer *__info)
ssbgst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__work, __CLPK_integer *__info)
ssbgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__work, __CLPK_integer *__info)
ssbgst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__work, __CLPK_integer *__info)
ssbgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbgv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbgv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssbgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbgvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssbgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbgvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__bb, __CLPK_integer *__ldbb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssbtrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
ssbtrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
ssbtrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
ssbtrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__info)
sse() - Method in record class smile.math.LevenbergMarquardt
Returns the value of the sse record component.
sseupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, float, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void sseupd_c(int rvec, const char *howmny, const int *select, float *d, float *z, int ldz, float sigma, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sseupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void sseupd_c(int rvec, const char *howmny, const int *select, float *d, float *z, int ldz, float sigma, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sseupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void sseupd_c(int rvec, const char *howmny, const int *select, float *d, float *z, int ldz, float sigma, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
sseupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void sseupd_c(int rvec, const char *howmny, const int *select, float *d, float *z, int ldz, float sigma, const char *bmat, int n, const char *which, int nev, float tol, float *resid, int ncv, float *v, int ldv, int *iparam, int *ipntr, float *workd, float *workl, int lworkl, int *info)
ssfrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_real *__c__)
ssfrk_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_real *__c__)
ssfrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_real *__c__)
ssfrk_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__beta, __CLPK_real *__c__)
ssize_t - Static variable in class smile.linalg.blas.cblas_h
typedef __ssize_t ssize_t
sspcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_integer *__info)
sspgst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_integer *__info)
sspgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_integer *__info)
sspgst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_integer *__info)
sspgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspgv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspgv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sspgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspgvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sspgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspgvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sspgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__bp, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sspsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sspsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sspsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sspsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sspsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__afp, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssptrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssptrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssptrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssptrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssptrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssptri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
sstebz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sstebz_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sstebz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sstebz_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstebz_(char *__range, char *__order, __CLPK_integer *__n, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_integer *__nsplit, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
sstedc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstedc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstedc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstedc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstedc_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstegr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstegr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstegr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstegr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstein_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstein_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstein_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstemr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstemr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstemr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstemr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssteqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssteqr_(char *__compz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
ssterf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssterf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
ssterf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssterf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
ssterf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssterf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
ssterf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssterf_(__CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_integer *__info)
sstev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstev_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sstev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstev_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sstev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstev_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sstev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstev_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__info)
sstevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstevd_(char *__jobz, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstevr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
sstevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int sstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int sstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int sstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
sstevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int sstevx_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssycon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssycon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssycon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssycon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssycon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssycon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssycon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssycon_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__anorm, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssyequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_real *__work, __CLPK_integer *__info)
ssyequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_real *__work, __CLPK_integer *__info)
ssyequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_real *__work, __CLPK_integer *__info)
ssyequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__s, __CLPK_real *__scond, __CLPK_real *__amax, __CLPK_real *__work, __CLPK_integer *__info)
ssyev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssyev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssyev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssyev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssyevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssyevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssyevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssyevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssyevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssygs2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygs2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygs2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygs2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssygs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssygst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssygv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssygv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssygv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssygv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssygv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssygvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssygvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssygvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssygvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssygvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__w, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ssygvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssygvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssygvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssygvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssygvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_real *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_real *__abstol, __CLPK_integer *__m, __CLPK_real *__w, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
ssyrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssyrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssyrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssyrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssysv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssysv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssysv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssysv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssysvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssysvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssysvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssysvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__rcond, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ssytd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssytd2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssytd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssytd2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytd2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_integer *__info)
ssytf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssytf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssytf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssytf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
ssytrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytrd_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__d__, __CLPK_real *__e, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ssytri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssytri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssytri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssytri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytri_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__work, __CLPK_integer *__info)
ssytrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ssytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssytrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ssytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssytrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ssytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ssytrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ssytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stack(String) - Method in class smile.plot.vega.Field
Sets the type of stacking offset if the field should be stacked.
stack(String, String, String...) - Method in class smile.plot.vega.Transform
Adds a stack transform.
StackTransform - Class in smile.plot.vega
The stack transform.
Staircase - Class in smile.plot.swing
This class represents a poly line in the plot.
Staircase(double[][], Color) - Constructor for class smile.plot.swing.Staircase
Constructor.
StaircasePlot - Class in smile.plot.swing
Staircase plot is a special case of line which is most useful to display empirical distribution.
StaircasePlot(Staircase...) - Constructor for class smile.plot.swing.StaircasePlot
Constructor.
StaircasePlot(Staircase[], Legend[]) - Constructor for class smile.plot.swing.StaircasePlot
Constructor.
standardize() - Method in class smile.tensor.DenseMatrix
Standardizes the columns of matrix.
standardize(double[]) - Static method in class smile.math.MathEx
Standardizes an array to mean 0 and variance 1.
standardize(double[][]) - Static method in class smile.math.MathEx
Standardizes each column of a matrix to 0 mean and unit variance.
standardize(Vector, Vector) - Method in class smile.tensor.DenseMatrix
Centers and scales the columns of matrix.
standardizer(double[]) - Static method in class smile.math.Scaler
Returns the standardize scaler to 0 mean and unit variance.
standardizer(double[], boolean) - Static method in class smile.math.Scaler
Returns the standardize scaler to 0 mean and unit variance.
Standardizer - Interface in smile.feature.transform
Standardizes numeric feature to 0 mean and unit variance.
state() - Method in record class smile.util.AlgoStatus
Returns the value of the state record component.
stateChanged(ChangeEvent) - Method in class smile.swing.Table.RowHeader
 
statistic() - Method in record class smile.feature.selection.FRegression
Returns the value of the statistic record component.
stbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_real *__ab, __CLPK_integer *__ldab, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
std() - Method in record class smile.validation.ClassificationValidations
Returns the value of the std record component.
std() - Method in record class smile.validation.RegressionValidations
Returns the value of the std record component.
stderr() - Static method in class smile.linalg.blas.cblas_h
Getter for variable:
extern FILE *stderr
stderr() - Method in record class smile.regression.OLS.Options
Returns the value of the stderr record component.
stderr(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
Setter for variable:
extern FILE *stderr
stderr$layout() - Static method in class smile.linalg.blas.cblas_h
Layout for variable:
extern FILE *stderr
stderr$segment() - Static method in class smile.linalg.blas.cblas_h
Segment for variable:
extern FILE *stderr
stdev() - Method in class smile.data.vector.NullablePrimitiveVector
Returns the standard deviation.
stdev() - Method in class smile.data.vector.NumberVector
Returns the standard deviation.
stdev() - Method in class smile.data.vector.PrimitiveVector
Returns the standard deviation.
stdev(double[]) - Static method in class smile.math.MathEx
Returns the standard deviation of an array.
stdev(float[]) - Static method in class smile.math.MathEx
Returns the standard deviation of an array.
stdev(int[]) - Static method in class smile.math.MathEx
Returns the standard deviation of an array.
stdin() - Static method in class smile.linalg.blas.cblas_h
Getter for variable:
extern FILE *stdin
stdin(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
Setter for variable:
extern FILE *stdin
stdin$layout() - Static method in class smile.linalg.blas.cblas_h
Layout for variable:
extern FILE *stdin
stdin$segment() - Static method in class smile.linalg.blas.cblas_h
Segment for variable:
extern FILE *stdin
stdout() - Static method in class smile.linalg.blas.cblas_h
Getter for variable:
extern FILE *stdout
stdout(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
Setter for variable:
extern FILE *stdout
stdout$layout() - Static method in class smile.linalg.blas.cblas_h
Layout for variable:
extern FILE *stdout
stdout$segment() - Static method in class smile.linalg.blas.cblas_h
Segment for variable:
extern FILE *stdout
STEEL_BLUE - Static variable in class smile.plot.swing.Palette
The color steel blue with an RGB value of #4682B4
stem(String) - Method in class smile.nlp.stemmer.LancasterStemmer
 
stem(String) - Method in class smile.nlp.stemmer.PorterStemmer
 
stem(String) - Method in interface smile.nlp.stemmer.Stemmer
Transforms a word into its root form.
Stemmer - Interface in smile.nlp.stemmer
A Stemmer transforms a word into its root form.
step() - Method in class smile.deep.Optimizer
Updates the parameters based on the calculated gradients.
step() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the step record component.
step(double) - Method in class smile.plot.vega.BinParams
Sets the exact step size between bins.
step(double) - Method in class smile.plot.vega.QuantileTransform
Sets a probability step size (default 0.01) for sampling quantile values.
step(int) - Method in class smile.plot.vega.ViewConfig
Sets the default step size for x-/y- discrete fields.
steps(double...) - Method in class smile.plot.vega.BinParams
Sets an array of allowable step sizes to choose from.
steps(int) - Method in class smile.plot.vega.DensityTransform
Sets the exact number of samples to take along the extent domain for plotting the density.
stepTol() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the stepTol record component.
stfsm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb)
stfsm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb)
stfsm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb)
stfsm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__alpha, __CLPK_real *__a, __CLPK_real *__b, __CLPK_integer *__ldb)
stftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
stftri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
stftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
stftri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__info)
stfttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__ap, __CLPK_integer *__info)
stfttp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__ap, __CLPK_integer *__info)
stfttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__ap, __CLPK_integer *__info)
stfttp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__ap, __CLPK_integer *__info)
stfttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stfttr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stfttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stfttr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__arf, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stgevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_real *__p, __CLPK_integer *__ldp, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
stgevc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_real *__p, __CLPK_integer *__ldp, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
stgevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_real *__p, __CLPK_integer *__ldp, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
stgevc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__s, __CLPK_integer *__lds, __CLPK_real *__p, __CLPK_integer *__ldp, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
stgex2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgex2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgex2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgex2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__n1, __CLPK_integer *__n2, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgexc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgexc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stgsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
stgsen_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
stgsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
stgsen_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__alphar, __CLPK_real *__alphai, __CLPK_real *__beta, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_real *__pl, __CLPK_real *__pr, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
stgsja_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
stgsja_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
stgsja_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
stgsja_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__tola, __CLPK_real *__tolb, __CLPK_real *__alpha, __CLPK_real *__beta, __CLPK_real *__u, __CLPK_integer *__ldu, __CLPK_real *__v, __CLPK_integer *__ldv, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
stgsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsna_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsna_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
stgsy2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
stgsy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
stgsy2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__rdsum, __CLPK_real *__rdscal, __CLPK_integer *__iwork, __CLPK_integer *__pq, __CLPK_integer *__info)
stgsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsyl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
stgsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__d__, __CLPK_integer *__ldd, __CLPK_real *__e, __CLPK_integer *__lde, __CLPK_real *__f, __CLPK_integer *__ldf, __CLPK_real *__scale, __CLPK_real *__dif, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
StochasticDepth - Class in smile.vision.layer
Stochastic Depth for randomly dropping residual branches of residual architectures, from "Deep Networks with Stochastic Depth".
StochasticDepth(double, String) - Constructor for class smile.vision.layer.StochasticDepth
Constructor.
stop - Enum constant in enum class smile.llm.FinishReason
A message terminated by one of the stop tokens.
stop() - Method in class smile.util.IterativeAlgorithmController
Early stops the algorithm.
stopCellEditing() - Method in class smile.swing.table.DateCellEditor
 
stopCellEditing() - Method in class smile.swing.table.DoubleArrayCellEditor
 
stopCellEditing() - Method in class smile.swing.table.DoubleCellEditor
 
stopCellEditing() - Method in class smile.swing.table.IntegerArrayCellEditor
 
stopCellEditing() - Method in class smile.swing.table.IntegerCellEditor
 
stopTokens() - Method in class smile.llm.llama.Tokenizer
Returns the stop tokens.
StopWords - Interface in smile.nlp.dictionary
A set of stop words in some language.
stpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stpcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
stptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
stptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
stptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_integer *__info)
stptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__ap, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
stpttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__arf, __CLPK_integer *__info)
stpttf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__arf, __CLPK_integer *__info)
stpttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__arf, __CLPK_integer *__info)
stpttf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__arf, __CLPK_integer *__info)
stpttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stpttr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stpttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
stpttr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__ap, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strata(int[]) - Static method in interface smile.stat.Sampling
Returns the strata of samples as a two-dimensional array.
stratify(int[], double) - Static method in interface smile.stat.Sampling
Stratified sampling from a population which can be partitioned into subpopulations.
stratify(int[], int) - Static method in interface smile.validation.CrossValidation
Cross validation with stratified folds.
stratify(int, int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated stratified cross validation of classification.
stratify(int, int, T[], int[], BiFunction) - Static method in interface smile.validation.CrossValidation
Repeated stratified cross validation of classification.
stratify(int, Formula, DataFrame, BiFunction) - Static method in interface smile.validation.CrossValidation
Stratified cross validation of classification.
stratify(int, T[], int[], BiFunction) - Static method in interface smile.validation.CrossValidation
Stratified cross validation of classification.
strcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__rcond, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
stream() - Method in record class smile.data.DataFrame
Returns a (possibly parallel) Stream of rows.
stream() - Method in interface smile.data.Dataset
Returns a (possibly parallel) Stream with this collection as its source.
stream() - Method in class smile.data.SimpleDataset
 
stream() - Method in class smile.data.vector.ObjectVector
 
stream() - Method in interface smile.data.vector.ValueVector
Returns a stream consisting of the elements of this vector.
stream() - Method in class smile.util.DoubleArrayList
Returns the stream of the array list.
stream() - Method in class smile.util.FloatArrayList
Returns the stream of the array list.
stream() - Method in interface smile.util.Index
Returns an integer stream of elements in the index.
stream() - Method in class smile.util.IntArrayList
Returns the stream of the array list.
stream() - Method in class smile.util.SparseArray
Returns the stream of nonzero entries.
stream() - Method in class smile.util.SparseIntArray
Returns the stream of nonzero entries.
stream(String) - Static method in interface smile.io.HadoopInput
Returns the reader of a file path or URI.
stream(String) - Static method in interface smile.io.Input
Returns the input stream of a file path or URI.
stress() - Method in record class smile.manifold.IsotonicMDS
Returns the value of the stress record component.
stress() - Method in record class smile.manifold.SammonMapping
Returns the value of the stress record component.
strevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
strevc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
strevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
strevc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__info)
strexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strexc_(char *__compq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__info)
strexc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strexc_(char *__compq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__info)
strexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strexc_(char *__compq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__info)
strexc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strexc_(char *__compq, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_real *__work, __CLPK_integer *__info)
stride() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns the value of the stride record component.
stride() - Method in record class smile.vision.layer.MBConvConfig
Returns the value of the stride record component.
Strided - Enum constant in enum class smile.deep.tensor.Layout
Dense tensor.
String - Enum constant in enum class smile.data.type.DataType.ID
String type ID.
Strings - Interface in smile.util
String utility functions.
stringToValue(String) - Method in class smile.swing.text.FloatArrayFormatter
 
stringToValue(String) - Method in class smile.swing.text.IntegerArrayFormatter
 
StringType - Class in smile.data.type
String data type.
StringType - Static variable in interface smile.data.type.DataTypes
String data type.
StringVector - Class in smile.data.vector
A string vector.
StringVector(String, String[]) - Constructor for class smile.data.vector.StringVector
Constructor.
StringVector(StructField, String[]) - Constructor for class smile.data.vector.StringVector
Constructor.
stripPluralParticiple(String) - Method in class smile.nlp.stemmer.PorterStemmer
Removes plurals and participles.
stroke(String) - Method in class smile.plot.vega.Background
Sets the stroke color.
stroke(String) - Method in class smile.plot.vega.Mark
Sets the default stroke color.
stroke(String) - Method in class smile.plot.vega.ViewConfig
Sets the stroke color.
strokeCap(String) - Method in class smile.plot.vega.Background
Sets the stroke cap for line ending style.
strokeCap(String) - Method in class smile.plot.vega.Mark
Sets the stroke cap for line ending style.
strokeCap(String) - Method in class smile.plot.vega.ViewConfig
Sets the stroke cap for line ending style.
strokeColor(String) - Method in class smile.plot.vega.Legend
Sets the border stroke color for the full legend.
strokeDash(double, double) - Method in class smile.plot.vega.Background
Sets the alternating [stroke, space] lengths for stroke dash.
strokeDash(double, double) - Method in class smile.plot.vega.Mark
Sets the alternating [stroke, space] lengths for dashed lines.
strokeDash(double, double) - Method in class smile.plot.vega.ViewConfig
Sets the alternating [stroke, space] lengths for stroke dash.
strokeDashOffset(double) - Method in class smile.plot.vega.Mark
Sets the pixel offset at which to start drawing with the dash array.
strokeDashOffset(int) - Method in class smile.plot.vega.Background
Sets the offset (in pixels) into which to begin drawing with the stroke dash array.
strokeDashOffset(int) - Method in class smile.plot.vega.ViewConfig
Sets the offset (in pixels) into which to begin drawing with the stroke dash array.
strokeJoin(String) - Method in class smile.plot.vega.Background
Sets the stroke line join method.
strokeJoin(String) - Method in class smile.plot.vega.Mark
Sets the stroke line join method.
strokeJoin(String) - Method in class smile.plot.vega.ViewConfig
Sets the stroke line join method.
strokeMiterLimit(double) - Method in class smile.plot.vega.Mark
Sets the miter limit at which to bevel a line join.
strokeMiterLimit(int) - Method in class smile.plot.vega.Background
Sets the miter limit at which to bevel a line join.
strokeMiterLimit(int) - Method in class smile.plot.vega.ViewConfig
Sets the miter limit at which to bevel a line join.
strokeOpacity(double) - Method in class smile.plot.vega.Background
Sets the stroke opacity
strokeOpacity(double) - Method in class smile.plot.vega.Mark
Sets the stroke opacity.
strokeOpacity(double) - Method in class smile.plot.vega.ViewConfig
Sets the stroke opacity
strokeWidth(double) - Method in class smile.plot.vega.Mark
Sets the stroke width of axis domain line.
strokeWidth(int) - Method in class smile.plot.vega.Background
Sets the stroke width.
strokeWidth(int) - Method in class smile.plot.vega.ViewConfig
Sets the stroke width.
strrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__x, __CLPK_integer *__ldx, __CLPK_real *__ferr, __CLPK_real *__berr, __CLPK_real *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
strsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
strsen_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
strsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
strsen_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__q, __CLPK_integer *__ldq, __CLPK_real *__wr, __CLPK_real *__wi, __CLPK_integer *__m, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
strsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
strsna_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
strsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
strsna_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_real *__t, __CLPK_integer *__ldt, __CLPK_real *__vl, __CLPK_integer *__ldvl, __CLPK_real *__vr, __CLPK_integer *__ldvr, __CLPK_real *__s, __CLPK_real *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_real *__work, __CLPK_integer *__ldwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
strsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
strsyl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
strsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
strsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_real *__c__, __CLPK_integer *__ldc, __CLPK_real *__scale, __CLPK_integer *__info)
strti2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strti2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strti2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strti2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strtri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strtri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strtri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strtri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
strtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
strtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
strtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
strtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
strttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__arf, __CLPK_integer *__info)
strttf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__arf, __CLPK_integer *__info)
strttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__arf, __CLPK_integer *__info)
strttf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__arf, __CLPK_integer *__info)
strttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int strttp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__ap, __CLPK_integer *__info)
strttp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int strttp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__ap, __CLPK_integer *__info)
strttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int strttp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__ap, __CLPK_integer *__info)
strttp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int strttp_(char *__uplo, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__ap, __CLPK_integer *__info)
Struct - Enum constant in enum class smile.data.type.DataType.ID
Struct type ID.
StructField - Record Class in smile.data.type
A field in a Struct data type.
StructField(String, DataType) - Constructor for record class smile.data.type.StructField
Constructor.
StructField(String, DataType, Measure) - Constructor for record class smile.data.type.StructField
Constructor.
StructType - Record Class in smile.data.type
Struct data type is determined by the fixed order of the fields of primitive data types in the struct.
StructType(List) - Constructor for record class smile.data.type.StructType
Constructor.
StructType(List, Map) - Constructor for record class smile.data.type.StructType
Creates an instance of a StructType record class.
StructType(StructField...) - Constructor for record class smile.data.type.StructType
Constructor.
sturges(int) - Static method in interface smile.math.Histogram
Returns the number of bins by Sturges' rule k = ceil(log2(n) + 1).
style(String...) - Method in class smile.plot.vega.Axis
Sets the custom styles to apply to the axis.
style(String...) - Method in class smile.plot.vega.Background
Sets the custom styles.
style(String...) - Method in class smile.plot.vega.Mark
Sets the style.
stzrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_integer *__info)
stzrqf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_integer *__info)
stzrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_integer *__info)
stzrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_integer *__info)
stzrzf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int stzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stzrzf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int stzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stzrzf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int stzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
stzrzf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int stzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_real *__a, __CLPK_integer *__lda, __CLPK_real *__tau, __CLPK_real *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
sub(double) - Method in class smile.deep.tensor.Tensor
Returns A -= b.
sub(double) - Method in class smile.util.Array2D
A -= x.
sub(double[], double[]) - Static method in class smile.math.MathEx
Element-wise subtraction of two arrays a -= b.
sub(float) - Method in class smile.deep.tensor.Tensor
Returns A - b.
sub(int) - Method in class smile.util.IntArray2D
A -= x.
sub(int, double) - Method in class smile.tensor.Vector
Sets A[i] -= x.
sub(int, int, double) - Method in class smile.tensor.AtA
 
sub(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] -= x.
sub(int, int, double) - Method in class smile.tensor.SparseMatrix
 
sub(int, int, double) - Method in class smile.util.Array2D
A[i, j] -= x.
sub(int, int, int) - Method in class smile.util.IntArray2D
A[i, j] -= x.
sub(String, String) - Static method in interface smile.data.formula.Terms
Subtracts two terms.
sub(String, Term) - Static method in interface smile.data.formula.Terms
Subtracts two terms.
sub(Term, String) - Static method in interface smile.data.formula.Terms
Subtracts two terms.
sub(Term, Term) - Static method in interface smile.data.formula.Terms
Subtracts two terms.
sub(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A - B.
sub(Tensor, double) - Method in class smile.deep.tensor.Tensor
Returns A - alpha * B.
sub(Complex) - Method in record class smile.math.Complex
Returns this - b.
sub(DenseMatrix) - Method in class smile.tensor.DenseMatrix
Subtracts two matrices
sub(Array2D) - Method in class smile.util.Array2D
A -= B.
sub(IntArray2D) - Method in class smile.util.IntArray2D
A -= B.
Sub - Class in smile.data.formula
The term of a - b expression.
Sub(Term, Term) - Constructor for class smile.data.formula.Sub
Constructor.
sub_(double) - Method in class smile.deep.tensor.Tensor
Returns A -= b.
sub_(float) - Method in class smile.deep.tensor.Tensor
Returns A - b.
sub_(Tensor) - Method in class smile.deep.tensor.Tensor
Returns A -= B.
sub_(Tensor, double) - Method in class smile.deep.tensor.Tensor
Returns A -= alpha * B.
subgraph(int[]) - Method in class smile.graph.AdjacencyList
 
subgraph(int[]) - Method in class smile.graph.AdjacencyMatrix
 
subgraph(int[]) - Method in class smile.graph.Graph
Returns a subgraph containing all given vertices.
submatrix(int, int, int, int) - Method in class smile.tensor.DenseMatrix
Returns the submatrix which top left at (i, j) and bottom right at (k, l).
submit(T) - Method in class smile.util.IterativeAlgorithmController
Publishes the algorithm status to each current subscriber asynchronously.
subsample() - Method in record class smile.anomaly.IsolationForest.Options
Returns the value of the subsample record component.
subsample() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the subsample record component.
subsample() - Method in record class smile.classification.RandomForest.Options
Returns the value of the subsample record component.
subsample() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the subsample record component.
subsample() - Method in record class smile.regression.RandomForest.Options
Returns the value of the subsample record component.
subscribe(Flow.Subscriber) - Method in class smile.util.IterativeAlgorithmController
Adds the given subscriber for algorithm progress.
sum() - Method in class smile.deep.tensor.Tensor
Returns the sum of all elements in the tensor.
sum() - Method in class smile.tensor.Vector
Sums the elements of the vector.
sum() - Method in class smile.util.Array2D
Returns the sum of all elements.
sum() - Method in class smile.util.IntArray2D
Returns the sum of all elements.
sum(byte[]) - Static method in class smile.math.MathEx
Returns the sum of an array.
sum(double[]) - Static method in class smile.math.MathEx
Returns the sum of an array.
sum(float[]) - Static method in class smile.math.MathEx
Returns the sum of an array.
sum(int[]) - Static method in class smile.math.MathEx
Returns the sum of an array.
sum(int[], int[]) - Static method in class smile.validation.metric.AdjustedMutualInformation
Calculates the adjusted mutual information of (I(y1, y2) - E(MI)) / (0.5 * (H(y1) + H(y2)) - E(MI)).
sum(int[], int[]) - Static method in class smile.validation.metric.NormalizedMutualInformation
Calculates the normalized mutual information of 2 * I(y1, y2) / (H(y1) + H(y2)).
SUM - Enum constant in enum class smile.validation.metric.AdjustedMutualInformation.Method
2 * I(y1, y2) / (H(y1) + H(y2))
SUM - Enum constant in enum class smile.validation.metric.NormalizedMutualInformation.Method
2 * I(y1, y2) / (H(y1) + H(y2))
SUM - Static variable in class smile.validation.metric.AdjustedMutualInformation
Default instance with sum normalization.
SUM - Static variable in class smile.validation.metric.NormalizedMutualInformation
Default instance with sum normalization.
SumKernel<T> - Class in smile.math.kernel
The sum kernel takes two kernels and combines them via k1(x, y) + k2(x, y)
SumKernel(MercerKernel, MercerKernel) - Constructor for class smile.math.kernel.SumKernel
Constructor.
SumSquaresRatio - Record Class in smile.feature.selection
The ratio of between-groups to within-groups sum of squares is a univariate feature ranking metric, which can be used as a feature selection criterion for multi-class classification problems.
SumSquaresRatio(String, double) - Constructor for record class smile.feature.selection.SumSquaresRatio
Creates an instance of a SumSquaresRatio record class.
support() - Method in record class smile.association.AssociationRule
Returns the value of the support record component.
support() - Method in record class smile.association.ItemSet
Returns the value of the support record component.
SupportVector<T> - Class in smile.base.svm
Support vector.
SupportVector(int, T, int, double, double, double, double, double) - Constructor for class smile.base.svm.SupportVector
Constructor.
Surface - Class in smile.plot.swing
A surface object gives 3D information e.g.
Surface(double[][][]) - Constructor for class smile.plot.swing.Surface
Constructor for irregular mesh grid.
Surface(double[][][], Color[]) - Constructor for class smile.plot.swing.Surface
Constructor for irregular mesh surface.
svd() - Method in class smile.tensor.DenseMatrix
Singular Value Decomposition.
svd(boolean) - Method in class smile.tensor.DenseMatrix
Singular Value Decomposition.
svd(Matrix, int) - Static method in interface smile.tensor.ARPACK
Computes k-largest approximate singular triples of a matrix.
svd(Matrix, int, int, double) - Static method in interface smile.tensor.ARPACK
Computes k-largest approximate singular triples of a matrix.
SVD - Enum constant in enum class smile.regression.OLS.Method
Singular value decomposition.
SVD - Record Class in smile.tensor
Singular Value Decomposition.
SVD(int, int, Vector) - Constructor for record class smile.tensor.SVD
Constructor.
SVD(int, int, Vector, DenseMatrix, DenseMatrix) - Constructor for record class smile.tensor.SVD
Creates an instance of a SVD record class.
SVD(Vector, DenseMatrix, DenseMatrix) - Constructor for record class smile.tensor.SVD
Constructor.
SVDImputer - Interface in smile.feature.imputation
Missing value imputation with singular value decomposition.
SVDJob - Enum Class in smile.linalg
The option if computing singular vectors.
SVM<T> - Class in smile.anomaly
One-class support vector machines for novelty detection.
SVM<T> - Class in smile.classification
Support vector machines for classification.
SVM - Class in smile.regression
Epsilon support vector regression.
SVM(MercerKernel, T[], double[], double) - Constructor for class smile.anomaly.SVM
Constructor.
SVM(MercerKernel, T[], double[], double) - Constructor for class smile.classification.SVM
Constructor.
SVM.Options - Record Class in smile.anomaly
SVM hyperparameters.
SVM.Options - Record Class in smile.classification
SVM hyperparameters.
SVM.Options - Record Class in smile.regression
SVM hyperparameters.
SVR<T> - Class in smile.base.svm
Epsilon support vector regression.
SVR(MercerKernel, double, double, double) - Constructor for class smile.base.svm.SVR
Constructor.
swap(double[], double[]) - Static method in class smile.math.MathEx
Swap two arrays.
swap(double[], int, int) - Static method in class smile.math.MathEx
Swap two elements of an array.
swap(double[], int, int) - Static method in interface smile.sort.Sort
Swap two positions.
swap(float[], float[]) - Static method in class smile.math.MathEx
Swap two arrays.
swap(float[], int, int) - Static method in class smile.math.MathEx
Swap two elements of an array.
swap(float[], int, int) - Static method in interface smile.sort.Sort
Swap two positions.
swap(int[], int[]) - Static method in class smile.math.MathEx
Swap two arrays.
swap(int[], int, int) - Static method in class smile.math.MathEx
Swap two elements of an array.
swap(int[], int, int) - Static method in interface smile.sort.Sort
Swap two positions.
swap(E[], E[]) - Static method in class smile.math.MathEx
Swap two arrays.
swap(Object[], int, int) - Static method in class smile.math.MathEx
Swap two elements of an array.
swap(Object[], int, int) - Static method in interface smile.sort.Sort
Swap two positions.
swap(Vector) - Method in class smile.tensor.Vector
Swaps two vectors.
SwissRoll - Record Class in smile.datasets
Swiss roll dataset.
SwissRoll() - Constructor for record class smile.datasets.SwissRoll
Constructor.
SwissRoll(double[][]) - Constructor for record class smile.datasets.SwissRoll
Creates an instance of a SwissRoll record class.
SwissRoll(Path) - Constructor for record class smile.datasets.SwissRoll
Constructor.
syev(Matrix, ARPACK.SymmOption, int) - Static method in interface smile.tensor.ARPACK
Computes NEV eigenvalues of a symmetric double precision matrix.
syev(Matrix, ARPACK.SymmOption, int, int, double) - Static method in interface smile.tensor.ARPACK
Computes NEV eigenvalues of a symmetric double precision matrix.
SYM - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Symbol.
symbolLimit(int) - Method in class smile.plot.vega.Legend
Sets the maximum number of allowed entries for a symbol legend.
SymletWavelet - Class in smile.wavelet
Symlet wavelets.
SymletWavelet(int) - Constructor for class smile.wavelet.SymletWavelet
Constructor.
SymmMatrix - Class in smile.tensor
The symmetric matrix in packed storage.
SyntheticControl - Record Class in smile.datasets
Synthetic control time series.
SyntheticControl() - Constructor for record class smile.datasets.SyntheticControl
Constructor.
SyntheticControl(Path) - Constructor for record class smile.datasets.SyntheticControl
Constructor.
SyntheticControl(DataFrame) - Constructor for record class smile.datasets.SyntheticControl
Creates an instance of a SyntheticControl record class.
system - Enum constant in enum class smile.llm.Role
System instructions.

T

t - Variable in class smile.base.mlp.MultilayerPerceptron
The training iterations.
t - Variable in class smile.feature.extraction.GHA
The training iterations.
t() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns the value of the t record component.
t() - Method in record class smile.stat.hypothesis.CorTest
Returns the value of the t record component.
t() - Method in record class smile.stat.hypothesis.TTest
Returns the value of the t record component.
T - Variable in class smile.vq.BIRCH
THe maximum radius of a sub-cluster.
table - Variable in class smile.validation.metric.ContingencyTable
The contingency table.
Table - Class in smile.swing
Customized JTable with optional row number header.
Table() - Constructor for class smile.swing.Table
Constructs a default JTable that is initialized with a default data model, a default column model, and a default selection model.
Table(int, int) - Constructor for class smile.swing.Table
Constructs a JTable with numRows and numColumns of empty cells using DefaultTableModel.
Table(Object[][], Object[]) - Constructor for class smile.swing.Table
Constructs a JTable to display the values in the two-dimensional array, rowData, with column names, columnNames.
Table(TableModel) - Constructor for class smile.swing.Table
Constructs a JTable that is initialized with dm as the data model, a default column model, and a default selection model.
Table(TableModel, TableColumnModel) - Constructor for class smile.swing.Table
Constructs a JTable that is initialized with dm as the data model, cm as the column model, and a default selection model.
Table(TableModel, TableColumnModel, ListSelectionModel) - Constructor for class smile.swing.Table
Constructs a JTable that is initialized with dm as the data model, cm as the column model, and sm as the selection model
Table.RowHeader - Class in smile.swing
Use a JTable as a renderer for row numbers of the main table.
TableColumnSettings - Class in smile.swing.table
Table column settings.
TableColumnSettings(String) - Constructor for class smile.swing.table.TableColumnSettings
Constructor.
TableCopyPasteAdapter - Class in smile.swing.table
TableCopyPasteAdapter enables Copy-Paste Clipboard functionality on JTables.
tables() - Method in class smile.data.SQL
Returns the tables in the database.
tag() - Method in class smile.data.BinarySparseSequenceDataset
Returns the sequence element label.
tag(String[]) - Method in class smile.nlp.pos.HMMPOSTagger
 
tag(String[]) - Method in interface smile.nlp.pos.POSTagger
Tags the sentence in the form of a sequence of words.
tail(int) - Method in record class smile.data.DataFrame
Returns the string representation of bottom rows.
tan() - Method in record class smile.math.Complex
Returns the complex tangent.
tan(String) - Static method in interface smile.data.formula.Terms
The tan(x) term.
tan(Term) - Static method in interface smile.data.formula.Terms
The tan(x) term.
TAN - Static variable in class smile.plot.swing.Palette
The color tan with an RGB value of #D2B48C
tanh() - Static method in interface smile.base.mlp.ActivationFunction
Hyperbolic tangent activation function.
tanh(int) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with hyperbolic tangent activation function.
tanh(int, double) - Static method in class smile.base.mlp.Layer
Returns a hidden layer with hyperbolic tangent activation function.
tanh(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with tanh activation function.
tanh(String) - Static method in interface smile.data.formula.Terms
The tanh(x) term.
tanh(Term) - Static method in interface smile.data.formula.Terms
The tanh(x) term.
Tanh - Class in smile.deep.activation
Hyperbolic Tangent activation function.
Tanh(boolean) - Constructor for class smile.deep.activation.Tanh
Constructor.
tanhShrink(int, int) - Static method in interface smile.deep.layer.Layer
Returns a fully connected layer with tanh shrink activation function.
TanhShrink - Class in smile.deep.activation
Hyperbolic Tangent Shrink activation function.
TanhShrink() - Constructor for class smile.deep.activation.TanhShrink
Constructor.
target - Variable in class smile.base.mlp.MultilayerPerceptron
The buffer to store desired target value of training instance.
target() - Method in record class smile.deep.SampleBatch
Returns the value of the target record component.
tau() - Method in record class smile.tensor.QR
Returns the value of the tau record component.
TaxonomicDistance - Class in smile.taxonomy
The distance between concepts in a taxonomy.
TaxonomicDistance(Taxonomy) - Constructor for class smile.taxonomy.TaxonomicDistance
Constructor.
Taxonomy - Class in smile.taxonomy
A taxonomy is a tree of terms (aka concept) where leaves must be named but intermediary nodes can be anonymous.
Taxonomy(String...) - Constructor for class smile.taxonomy.Taxonomy
Constructor.
TDistribution - Class in smile.stat.distribution
Student's t-distribution (or simply the t-distribution) is a probability distribution that arises in the problem of estimating the mean of a normally distributed population when the sample size is small.
TDistribution(int) - Constructor for class smile.stat.distribution.TDistribution
Constructor.
TEAL - Static variable in class smile.plot.swing.Palette
The color teal with an RGB value of #008080
tempnam(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern char *tempnam(const char *__dir, const char *__pfx)
tempnam$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern char *tempnam(const char *__dir, const char *__pfx)
tempnam$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern char *tempnam(const char *__dir, const char *__pfx)
tempnam$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern char *tempnam(const char *__dir, const char *__pfx)
tension(double) - Method in class smile.plot.vega.Mark
Depending on the interpolation type, sets the tension parameter (for line and area marks).
Tensor - Class in smile.deep.tensor
A Tensor is a multidimensional array containing elements of a single data type.
Tensor - Interface in smile.tensor
A Tensor is a multidimensional array containing elements of a single data type.
Tensor(Tensor) - Constructor for class smile.deep.tensor.Tensor
Constructor.
Tensor.Options - Class in smile.deep.tensor
A class that encapsulates the construction axes of a tensor.
Term - Interface in smile.data.formula
An abstract term in the formula.
termCount() - Method in interface smile.nlp.Corpus
Returns the number of unique terms in the corpus.
termCount() - Method in class smile.nlp.SimpleCorpus
 
terms() - Method in interface smile.nlp.Corpus
Returns the iterator over the terms in the corpus.
terms() - Method in class smile.nlp.SimpleCorpus
 
Terms - Interface in smile.data.formula
Predefined terms.
terrain(int) - Static method in class smile.plot.swing.Palette
Generates terrain color palette.
terrain(int, float) - Static method in class smile.plot.swing.Palette
Generates terrain color palette.
test() - Method in record class smile.classification.AdaBoost.Options
Returns the value of the test record component.
test() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the value of the test record component.
test() - Method in record class smile.datasets.Abalone
Returns the value of the test record component.
test() - Method in record class smile.datasets.Hyphen
Returns the value of the test record component.
test() - Method in record class smile.datasets.ImageSegmentation
Returns the value of the test record component.
test() - Method in record class smile.datasets.ProstateCancer
Returns the value of the test record component.
test() - Method in record class smile.datasets.Protein
Returns the value of the test record component.
test() - Method in record class smile.datasets.USPS
Returns the value of the test record component.
test() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the value of the test record component.
test(double[], double) - Static method in interface smile.stat.Hypothesis.t
Independent one-sample t-test whether the mean of a normally distributed population has a value specified in a null hypothesis.
test(double[], double) - Static method in record class smile.stat.hypothesis.TTest
Independent one-sample t-test whether the mean of a normally distributed population has a value specified in a null hypothesis.
test(double[], double[]) - Static method in interface smile.stat.Hypothesis.cor
Pearson correlation test.
test(double[], double[]) - Static method in interface smile.stat.Hypothesis.F
Test if the arrays x and y have significantly different variances.
test(double[], double[]) - Static method in record class smile.stat.hypothesis.FTest
Test if the arrays x and y have significantly different variances.
test(double[], double[]) - Static method in interface smile.stat.Hypothesis.KS
The two-sample KS test for the null hypothesis that the data sets are drawn from the same distribution.
test(double[], double[]) - Static method in record class smile.stat.hypothesis.KSTest
The two-sample KS test for the null hypothesis that the data sets are drawn from the same distribution.
test(double[], double[]) - Static method in interface smile.stat.Hypothesis.t
Test if the arrays x and y have significantly different means.
test(double[], double[]) - Static method in record class smile.stat.hypothesis.TTest
Test if the arrays x and y have significantly different means.
test(double[], double[], boolean) - Static method in record class smile.stat.hypothesis.TTest
Test if the arrays x and y have significantly different means.
test(double[], double[], String) - Static method in interface smile.stat.Hypothesis.cor
Correlation test.
test(double[], double[], String) - Static method in interface smile.stat.Hypothesis.t
Test if the arrays x and y have significantly different means.
test(double[], Distribution) - Static method in interface smile.stat.Hypothesis.KS
The one-sample KS test for the null hypothesis that the data set x is drawn from the given distribution.
test(double[], Distribution) - Static method in record class smile.stat.hypothesis.KSTest
The one-sample KS test for the null hypothesis that the data set x is drawn from the given distribution.
test(double, int) - Static method in interface smile.stat.Hypothesis.t
Test whether the Pearson correlation coefficient, the slope of a regression line, differs significantly from 0.
test(double, int) - Static method in record class smile.stat.hypothesis.TTest
Test whether the Pearson correlation coefficient, the slope of a regression line, differs significantly from 0.
test(int[][]) - Static method in interface smile.stat.Hypothesis.chisq
Given a two-dimensional contingency table in the form of an array of integers, returns Chi-square test for independence.
test(int[][]) - Static method in record class smile.stat.hypothesis.ChiSqTest
Independence test on a two-dimensional contingency table.
test(int[], double[]) - Static method in interface smile.stat.Hypothesis.chisq
One-sample chisq test.
test(int[], double[]) - Static method in record class smile.stat.hypothesis.ChiSqTest
One-sample Pearson's chi-square test.
test(int[], double[]) - Static method in record class smile.stat.hypothesis.FTest
One-way analysis of variance (ANOVA) between a categorical independent variable (with two or more categories) and a normally distributed interval dependent variable to test for differences in the means of the dependent variable broken down by the levels of the independent variable.
test(int[], double[], int) - Static method in interface smile.stat.Hypothesis.chisq
One-sample chisq test.
test(int[], double[], int) - Static method in record class smile.stat.hypothesis.ChiSqTest
One-sample Pearson's chi-square test.
test(int[], int[]) - Static method in interface smile.stat.Hypothesis.chisq
Two-sample chisq test.
test(int[], int[]) - Static method in record class smile.stat.hypothesis.ChiSqTest
Two-sample Pearson's chi-square test.
test(int[], int[], int) - Static method in interface smile.stat.Hypothesis.chisq
Two-sample chisq test.
test(int[], int[], int) - Static method in record class smile.stat.hypothesis.ChiSqTest
Two-sample Pearson's chi-square test.
test(DataFrame) - Method in class smile.classification.AdaBoost
Test the model on a validation dataset.
test(DataFrame) - Method in class smile.classification.GradientTreeBoost
Test the model on a validation dataset.
test(DataFrame) - Method in class smile.classification.RandomForest
Test the model on a validation dataset.
test(DataFrame) - Method in class smile.regression.GradientTreeBoost
Test the model on a validation dataset.
test(DataFrame) - Method in class smile.regression.RandomForest
Test the model on a validation dataset.
testPaired(double[], double[]) - Static method in record class smile.stat.hypothesis.TTest
Given the paired arrays x and y, test if they have significantly different means.
testx() - Method in record class smile.datasets.Abalone
Returns the test sample features.
testx() - Method in record class smile.datasets.ImageSegmentation
Returns the test sample features.
testx() - Method in record class smile.datasets.ProstateCancer
Returns the test sample features.
testx() - Method in record class smile.datasets.USPS
Returns the test sample features.
testy() - Method in record class smile.datasets.Abalone
Returns the test sample target values.
testy() - Method in record class smile.datasets.ImageSegmentation
Returns the test sample class labels.
testy() - Method in record class smile.datasets.ProstateCancer
Returns the test sample class labels.
testy() - Method in record class smile.datasets.USPS
Returns the test sample class labels.
text() - Static method in interface smile.hash.SimHash
Returns the SimHash for string tokens.
text() - Method in record class smile.nlp.relevance.Relevance
Returns the value of the text record component.
text(Path) - Static method in class smile.tensor.SparseMatrix
Reads a sparse matrix from a text file.
Text - Class in smile.nlp
A minimal interface of text in the corpus.
Text(String) - Constructor for class smile.nlp.Text
Constructor.
Text(String, String) - Constructor for class smile.nlp.Text
Constructor.
Text(String, String, String) - Constructor for class smile.nlp.Text
Constructor.
TextPlot - Class in smile.plot.swing
The scatter plot of texts.
TextPlot(Label...) - Constructor for class smile.plot.swing.TextPlot
Constructor.
TextTerms - Interface in smile.nlp
The terms in a text.
tf(String) - Method in class smile.nlp.SimpleText
 
tf(String) - Method in interface smile.nlp.TextTerms
Returns the term frequency.
TFIDF - Class in smile.nlp.relevance
The tf-idf weight (term frequency-inverse document frequency) is a weight often used in information retrieval and text mining.
TFIDF() - Constructor for class smile.nlp.relevance.TFIDF
Constructor.
TFIDF(double) - Constructor for class smile.nlp.relevance.TFIDF
Constructor.
theta - Variable in class smile.stat.distribution.GammaDistribution
The scale parameter.
theta(double) - Method in class smile.plot.vega.Mark
For arc marks, sets the arc length in radians if theta2 is not specified, otherwise the start arc angle.
theta2(double) - Method in class smile.plot.vega.Mark
Sets the end angle of arc marks in radians.
theta2Offset(double) - Method in class smile.plot.vega.Mark
Sets the offset for theta2.
thetaOffset(double) - Method in class smile.plot.vega.Mark
Sets the offset for theta.
ThinPlateRadialBasis - Class in smile.math.rbf
Thin plate RBF.
ThinPlateRadialBasis() - Constructor for class smile.math.rbf.ThinPlateRadialBasis
Constructor.
ThinPlateRadialBasis(double) - Constructor for class smile.math.rbf.ThinPlateRadialBasis
Constructor.
ThinPlateSpline - Class in smile.math.kernel
The Thin Plate Spline kernel.
ThinPlateSpline(double, double, double) - Constructor for class smile.math.kernel.ThinPlateSpline
Constructor.
ThinPlateSplineKernel - Class in smile.math.kernel
The Thin Plate Spline kernel.
ThinPlateSplineKernel(double) - Constructor for class smile.math.kernel.ThinPlateSplineKernel
Constructor.
ThinPlateSplineKernel(double, double, double) - Constructor for class smile.math.kernel.ThinPlateSplineKernel
Constructor.
THISTLE - Static variable in class smile.plot.swing.Palette
The color thistle with an RGB value of #D8BFD8
threshold() - Method in record class smile.manifold.KPCA.Options
Returns the value of the threshold record component.
tickBand(String) - Method in class smile.plot.vega.Axis
For band scales, sets if ticks and grid lines should be placed at the "center" of a band or at the band "extent"s to indicate intervals.
tickCap(String) - Method in class smile.plot.vega.Axis
Sets the stroke cap for tick lines' ending style.
tickColor(String) - Method in class smile.plot.vega.Axis
Sets the color of the axis's tick.
tickCount(int) - Method in class smile.plot.vega.Axis
Sets a desired number of ticks, for axes visualizing quantitative scales.
tickCount(int) - Method in class smile.plot.vega.Legend
Sets the desired number of tick values for quantitative legends.
tickCount(String) - Method in class smile.plot.vega.Legend
Sets the desired number of tick values for quantitative legends.
ticks(boolean) - Method in class smile.plot.vega.Axis
Sets whether the axis should include ticks.
tiktoken(String, Pattern) - Static method in interface smile.llm.tokenizer.Tokenizer
Loads a tiktoken model with default BOS token () and EOS token ().
tiktoken(String, Pattern, String, String, String...) - Static method in interface smile.llm.tokenizer.Tokenizer
Loads a tiktoken model.
Tiktoken - Class in smile.llm.tokenizer
tiktoken is a fast BPE tokenizer by OpenAI.
Tiktoken(Pattern, Map, String, String, String...) - Constructor for class smile.llm.tokenizer.Tiktoken
Constructor.
Time - Enum constant in enum class smile.data.type.DataType.ID
Time type ID.
TIME - Static variable in interface smile.util.Regex
Time regular expression pattern.
time_t - Static variable in class smile.linalg.blas.cblas_h
typedef __time_t time_t
timeFormat(String) - Method in class smile.plot.vega.FormatConfig
Sets custom time format.
timeFormatType(String) - Method in class smile.plot.vega.FormatConfig
Sets custom time format type.
TimeFunction - Interface in smile.util.function
A time-dependent function.
TimeSeries - Interface in smile.timeseries
Time series utility functions.
TimeType - Class in smile.data.type
Time data type.
TimeType - Static variable in interface smile.data.type.DataTypes
Time data type with ISO format.
timeUnit(String) - Method in class smile.plot.vega.FacetField
Sets the time unit for a temporal field.
timeUnit(String) - Method in class smile.plot.vega.Field
Sets the time unit for a temporal field.
timeUnit(String) - Method in class smile.plot.vega.Predicate
Sets the time unit for a temporal field.
timeUnit(String, String, String) - Method in class smile.plot.vega.Transform
Adds a time unit transform.
title - Variable in class smile.nlp.Text
The title of document;
title(String) - Method in class smile.plot.vega.Axis
Sets a descriptive title.
title(String) - Method in class smile.plot.vega.Concat
 
title(String) - Method in class smile.plot.vega.Facet
 
title(String) - Method in class smile.plot.vega.Field
Sets the title for the field.
title(String) - Method in class smile.plot.vega.Legend
Sets a descriptive title.
title(String) - Method in class smile.plot.vega.Repeat
 
title(String) - Method in class smile.plot.vega.VegaLite
Sets a descriptive title to a chart.
title(String) - Method in class smile.plot.vega.View
 
tm(DenseMatrix) - Method in class smile.tensor.DenseMatrix
Matrix multiplication A' * B.
TMP_MAX() - Static method in class smile.linalg.blas.cblas_h
#define TMP_MAX 238328
tmpfile() - Static method in class smile.linalg.blas.cblas_h
extern FILE *tmpfile()
tmpfile$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern FILE *tmpfile()
tmpfile$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern FILE *tmpfile()
tmpfile$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern FILE *tmpfile()
tmpnam(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern char *tmpnam(char [20])
tmpnam_r(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern char *tmpnam_r(char __s[20])
tmpnam_r$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern char *tmpnam_r(char __s[20])
tmpnam_r$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern char *tmpnam_r(char __s[20])
tmpnam_r$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern char *tmpnam_r(char __s[20])
tmpnam$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern char *tmpnam(char [20])
tmpnam$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern char *tmpnam(char [20])
tmpnam$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern char *tmpnam(char [20])
to(Device) - Method in interface smile.deep.layer.Layer
Moves the layer block to a device.
to(Device) - Method in class smile.deep.layer.LayerBlock
 
to(Device) - Method in class smile.deep.Model
Moves the model to a device.
to(Device) - Method in class smile.deep.tensor.Tensor
Clone the tensor to a device.
to(Device) - Method in class smile.llm.PositionalEncoding
Moves the encoder to a device.
to(Device, ScalarType) - Method in interface smile.deep.layer.Layer
Moves the layer block to a device.
to(Device, ScalarType) - Method in class smile.deep.layer.LayerBlock
 
to(Device, ScalarType) - Method in class smile.deep.Model
Moves the model to a device.
to(Device, ScalarType) - Method in class smile.deep.tensor.Tensor
Clone the tensor to a device with a different data type.
to(ScalarType) - Method in class smile.deep.tensor.Tensor
Clone the tensor with a different data type.
TO - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
to.
toArray() - Method in class smile.graph.AdjacencyMatrix
Returns the adjacency matrix.
toArray() - Method in class smile.sort.HeapSelect
Returns the array back the heap.
toArray() - Method in class smile.util.DoubleArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray() - Method in class smile.util.FloatArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray() - Method in interface smile.util.Index
Returns an integer array of elements in the index.
toArray() - Method in class smile.util.IntArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray() - Method in class smile.util.IntHashSet
Returns the elements as an array.
toArray() - Method in class smile.util.PairingHeap
 
toArray(boolean, CategoricalEncoder, String...) - Method in record class smile.data.DataFrame
Return an array obtained by converting the columns in a data frame to numeric mode and then binding them together as the columns of a matrix.
toArray(boolean, CategoricalEncoder, String...) - Method in interface smile.data.Tuple
Return an array obtained by converting the fields to numeric mode.
toArray(double[]) - Method in class smile.tensor.Vector
Returns an array containing all the elements in this vector.
toArray(double[]) - Method in class smile.util.DoubleArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray(double[][]) - Method in interface smile.tensor.Matrix
Returns a two-dimensional array containing all the elements in this matrix.
toArray(float[]) - Method in class smile.tensor.Vector
Returns an array containing all the elements in this vector.
toArray(float[]) - Method in class smile.util.FloatArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray(float[][]) - Method in interface smile.tensor.Matrix
Returns a two-dimensional array containing all the elements in this matrix.
toArray(int[]) - Method in class smile.util.IntArrayList
Returns an array containing all the values in this list in proper sequence (from first to last value).
toArray(String...) - Method in record class smile.data.DataFrame
Return an array obtained by converting the columns in a data frame to numeric mode and then binding them together as the columns of a matrix.
toArray(String...) - Method in interface smile.data.Tuple
Return an array obtained by converting the fields to numeric mode.
toArray(T[]) - Method in class smile.sort.HeapSelect
Returns the array back the heap.
toArray(T[]) - Method in class smile.util.PairingHeap
 
toArrow(StructField) - Static method in class smile.io.Arrow
Converts a smile struct field to arrow field.
toArrow(StructType) - Static method in class smile.io.Arrow
Converts smile schema to an arrow schema.
toBoolean() - Method in record class smile.tensor.Scalar
Returns the boolean value of scalar.
toBufferedImage(int, int) - Method in class smile.plot.swing.Figure
Exports the figure to an image.
toByte() - Method in record class smile.tensor.Scalar
Returns the byte value of scalar.
toCholesky() - Method in record class smile.tensor.QR
Returns the Cholesky decomposition of A'A.
toDataFrame(Class) - Static method in interface smile.data.Collectors
Returns a stream collector that accumulates objects into a DataFrame.
toDataFrame(StructType) - Static method in interface smile.data.Collectors
Returns a stream collector that accumulates tuples into a DataFrame.
toDataset() - Static method in interface smile.data.Collectors
Returns a stream collector that accumulates elements into a Dataset.
toDataType(Field) - Static method in class smile.io.Arrow
Converts an arrow field to smile data type.
toDataType(Schema) - Static method in class smile.io.Avro
Converts an avro type to smile data type.
toDataType(PrimitiveType) - Static method in class smile.io.Parquet
Converts a parquet primitive type to smile data type.
toDouble() - Method in record class smile.tensor.Scalar
Returns the double value of scalar.
toDoubleArray() - Method in interface smile.data.vector.ValueVector
Returns a double array of this vector.
toeplitz(double[]) - Static method in class smile.tensor.DenseMatrix
Returns a symmetric Toeplitz matrix in which each descending diagonal from left to right is constant.
toeplitz(double[], double[]) - Static method in class smile.tensor.DenseMatrix
Returns a Toeplitz matrix in which each descending diagonal from left to right is constant.
toeplitz(float[]) - Static method in class smile.tensor.DenseMatrix
Returns a symmetric Toeplitz matrix in which each descending diagonal from left to right is constant.
toeplitz(float[], float[]) - Static method in class smile.tensor.DenseMatrix
Returns a Toeplitz matrix in which each descending diagonal from left to right is constant.
toFloat() - Method in record class smile.tensor.Scalar
Returns the float value of scalar.
ToFloatFunction<T> - Interface in smile.util.function
Represents a function that produces a float-valued result.
toGraph(int) - Method in class smile.neighbor.RandomProjectionForest
Returns a k-nearest neighbor graph.
toImage() - Method in interface smile.plot.swing.Scene
Exports the scene to an image.
toInt() - Method in record class smile.tensor.Scalar
Returns the int value of scalar.
toIntArray() - Method in interface smile.data.vector.ValueVector
Returns an int array of this vector.
tokenize(String) - Method in class smile.llm.tokenizer.SentencePiece
 
tokenize(String) - Method in class smile.llm.tokenizer.Tiktoken
 
tokenize(String) - Method in interface smile.llm.tokenizer.Tokenizer
Segments text into tokens.
Tokenizer - Class in smile.llm.llama
Custom tokenizer for Llama 3 models.
Tokenizer - Interface in smile.llm.tokenizer
Tokenizing and encoding/decoding text.
Tokenizer - Interface in smile.nlp.tokenizer
A token is a string of characters, categorized according to the rules as a symbol.
Tokenizer(Map) - Constructor for class smile.llm.llama.Tokenizer
Constructor with default BOS, EOS, and special tokens.
Tokenizer(Map, String, String, String...) - Constructor for class smile.llm.llama.Tokenizer
Constructor.
tol() - Method in record class smile.anomaly.SVM.Options
Returns the value of the tol record component.
tol() - Method in record class smile.classification.LogisticRegression.Options
Returns the value of the tol record component.
tol() - Method in record class smile.classification.Maxent.Options
Returns the value of the tol record component.
tol() - Method in record class smile.classification.SVM.Options
Returns the value of the tol record component.
tol() - Method in record class smile.clustering.Clustering.Options
Returns the value of the tol record component.
tol() - Method in record class smile.clustering.DENCLUE.Options
Returns the value of the tol record component.
tol() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the value of the tol record component.
tol() - Method in record class smile.clustering.MEC.Options
Returns the value of the tol record component.
tol() - Method in record class smile.clustering.SpectralClustering.Options
Returns the value of the tol record component.
tol() - Method in record class smile.glm.GLM.Options
Returns the value of the tol record component.
tol() - Method in record class smile.ica.ICA.Options
Returns the value of the tol record component.
tol() - Method in record class smile.manifold.IsotonicMDS.Options
Returns the value of the tol record component.
tol() - Method in record class smile.manifold.SammonMapping.Options
Returns the value of the tol record component.
tol() - Method in record class smile.manifold.TSNE.Options
Returns the value of the tol record component.
tol() - Method in record class smile.regression.ElasticNet.Options
Returns the value of the tol record component.
tol() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns the value of the tol record component.
tol() - Method in record class smile.regression.LASSO.Options
Returns the value of the tol record component.
tol() - Method in record class smile.regression.SVM.Options
Returns the value of the tol record component.
tolerance() - Method in class smile.clustering.DENCLUE
Returns the tolerance of hill-climbing procedure.
toList() - Method in record class smile.data.DataFrame
Returns the List of rows.
toList() - Method in interface smile.data.Dataset
Returns the List of data items.
toList() - Method in class smile.data.SimpleDataset
 
toLong() - Method in record class smile.tensor.Scalar
Returns the long value of scalar.
toLongArray() - Method in interface smile.data.vector.ValueVector
Returns a long array of this vector.
TOMATO - Static variable in class smile.plot.swing.Palette
The color tomato with an RGB value of #FF6347
toMatrix() - Method in class smile.data.BinarySparseDataset
Returns the Harwell-Boeing column-compressed sparse matrix.
toMatrix() - Static method in interface smile.data.Collectors
Returns a stream collector that accumulates tuples into a Matrix.
toMatrix() - Method in record class smile.data.DataFrame
Return a matrix obtained by converting all the variables in a data frame to numeric mode and then binding them together as the columns of a matrix.
toMatrix() - Method in class smile.data.SparseDataset
Convert into Harwell-Boeing column-compressed sparse matrix format.
toMatrix() - Method in class smile.graph.AdjacencyList
 
toMatrix() - Method in class smile.graph.AdjacencyMatrix
 
toMatrix() - Method in class smile.graph.Graph
Returns the (dense or sparse) matrix representation of the graph.
toMatrix(boolean, CategoricalEncoder, String) - Method in record class smile.data.DataFrame
Return a matrix obtained by converting all the variables in a data frame to numeric mode and then binding them together as the columns of a matrix.
toNode(Node, Node) - Method in class smile.base.cart.NominalSplit
 
toNode(Node, Node) - Method in class smile.base.cart.OrdinalSplit
 
toNode(Node, Node) - Method in class smile.base.cart.Split
Returns an internal node with the feature, value, and score of this split.
toolbar() - Method in class smile.plot.swing.Canvas
 
toolbar() - Method in class smile.plot.swing.MultiFigurePane
 
toolbar() - Method in class smile.plot.swing.Plot
Returns an optional list of components in toolbar to control the plot.
toolbar() - Method in interface smile.plot.swing.Scene
Returns a toolbar to control the plot.
tooltip(boolean) - Method in class smile.plot.vega.Mark
Turns on/off the tooltip.
tooltip(double[]) - Method in class smile.plot.swing.BoxPlot
 
tooltip(double[]) - Method in class smile.plot.swing.Heatmap
 
tooltip(double[]) - Method in class smile.plot.swing.Hexmap
 
tooltip(double[]) - Method in class smile.plot.swing.Plot
Returns an optional tooltip for the object at given coordinates.
tooltip(String) - Method in class smile.plot.vega.Mark
Sets the tooltip text string to show upon mouse hover or which fields should the tooltip be derived from.
tooltipFormat() - Method in class smile.plot.vega.Config
Define custom format configuration for tooltips.
topk(int) - Method in class smile.deep.tensor.Tensor
Returns the k largest elements.
topk(int, int, boolean, boolean) - Method in class smile.deep.tensor.Tensor
Returns the k largest elements along a given dimension.
topo(int) - Static method in class smile.plot.swing.Palette
Generates topo color palette.
topo(int, float) - Static method in class smile.plot.swing.Palette
Generates topo color palette.
topojson(String, String, String) - Method in class smile.plot.vega.Data
Loads a JSON file using the TopoJSON format.
topp(double) - Method in class smile.deep.tensor.Tensor
Performs top-p (nucleus) sampling on a probability distribution.
toPrettyString() - Method in class smile.plot.vega.Axis
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Background
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Config
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Data
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.DensityTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.FacetField
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Field
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.FormatConfig
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.ImputeTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Legend
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.LoessTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.LookupData
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Mark
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.PivotTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Projection
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.QuantileTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.RegressionTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.StackTransform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.Transform
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.VegaLite
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.ViewConfig
Returns the specification in pretty print.
toPrettyString() - Method in class smile.plot.vega.WindowTransform
Returns the specification in pretty print.
toProperties() - Method in record class smile.anomaly.IsolationForest.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.anomaly.SVM.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.classification.AdaBoost.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.classification.DecisionTree.Options
Returns the persistent set of hyperparameters including smile.cart.split_rule smile.cart.max_depth smile.cart.max_nodes smile.cart.node_size
toProperties() - Method in record class smile.classification.GradientTreeBoost.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.classification.LogisticRegression.Options
Returns the persistent set of hyperparameters including smile.logistic.lambda smile.logistic.tolerance smile.logistic.iterations
toProperties() - Method in record class smile.classification.Maxent.Options
Returns the persistent set of hyperparameters including smile.maxent.lambda smile.maxent.tolerance smile.maxent.iterations
toProperties() - Method in record class smile.classification.RandomForest.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.classification.SVM.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.clustering.Clustering.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.clustering.DENCLUE.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.clustering.MEC.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.clustering.SpectralClustering.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.glm.GLM.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.ica.ICA.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.IsoMap.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.IsotonicMDS.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.KPCA.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.LLE.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.MDS.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.SammonMapping.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.TSNE.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.manifold.UMAP.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.regression.ElasticNet.Options
Returns the persistent set of hyperparameters including smile.elastic_net.lambda1 is the L1 shrinkage/regularization parameter smile.elastic_net.lambda2 is the L2 shrinkage/regularization parameter smile.elastic_net.tolerance is the tolerance for stopping iterations (relative target duality gap).
toProperties() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.regression.GradientTreeBoost.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.regression.LASSO.Options
Returns the persistent set of hyperparameters including smile.lasso.lambda is the shrinkage/regularization parameter.
toProperties() - Method in record class smile.regression.OLS.Options
Returns the persistent set of hyperparameters including smile.ols.method (default "svd") is a string (svd or qr) for the fitting method smile.ols.standard.error (default true) is a boolean.
toProperties() - Method in record class smile.regression.RandomForest.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.regression.RegressionTree.Options
Returns the persistent set of hyperparameters including smile.cart.max_depth smile.cart.max_nodes smile.cart.node_size
toProperties() - Method in record class smile.regression.RidgeRegression.Options
Returns the persistent set of hyperparameters including smile.ridge.lambda is the shrinkage/regularization parameter.
toProperties() - Method in record class smile.regression.SVM.Options
Returns the persistent set of hyperparameters.
toProperties() - Method in record class smile.sequence.CRF.Options
Returns the persistent set of hyperparameters.
toShort() - Method in record class smile.tensor.Scalar
Returns the short value of scalar.
toString() - Method in record class smile.anomaly.IsolationForest.Options
Returns a string representation of this record class.
toString() - Method in record class smile.anomaly.SVM.Options
Returns a string representation of this record class.
toString() - Method in record class smile.association.AssociationRule
Returns a string representation of this record class.
toString() - Method in record class smile.association.ItemSet
Returns a string representation of this record class.
toString() - Method in class smile.base.cart.CART
Returns a text representation of the tree in R's rpart format.
toString() - Method in class smile.base.cart.Split
 
toString() - Method in class smile.base.mlp.HiddenLayer
 
toString() - Method in class smile.base.mlp.HiddenLayerBuilder
 
toString() - Method in class smile.base.mlp.InputLayer
 
toString() - Method in class smile.base.mlp.MultilayerPerceptron
 
toString() - Method in class smile.base.mlp.OutputLayer
 
toString() - Method in class smile.base.mlp.OutputLayerBuilder
 
toString() - Method in class smile.base.svm.KernelMachine
 
toString() - Method in record class smile.classification.AdaBoost.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.AdaBoost.TrainingStatus
Returns a string representation of this record class.
toString() - Method in record class smile.classification.DecisionTree.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.GradientTreeBoost.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Returns a string representation of this record class.
toString() - Method in class smile.classification.IsotonicRegressionScaling
 
toString() - Method in record class smile.classification.LogisticRegression.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.Maxent.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.RandomForest.Model
Returns a string representation of this record class.
toString() - Method in record class smile.classification.RandomForest.Options
Returns a string representation of this record class.
toString() - Method in record class smile.classification.RandomForest.TrainingStatus
Returns a string representation of this record class.
toString() - Method in record class smile.classification.SVM.Options
Returns a string representation of this record class.
toString() - Method in record class smile.clustering.CentroidClustering
Returns a string representation of this record class.
toString() - Method in record class smile.clustering.Clustering.Options
Returns a string representation of this record class.
toString() - Method in record class smile.clustering.DENCLUE.Options
Returns a string representation of this record class.
toString() - Method in record class smile.clustering.DeterministicAnnealing.Options
Returns a string representation of this record class.
toString() - Method in record class smile.clustering.HierarchicalClustering
Returns a string representation of this record class.
toString() - Method in class smile.clustering.linkage.CompleteLinkage
 
toString() - Method in class smile.clustering.linkage.SingleLinkage
 
toString() - Method in class smile.clustering.linkage.UPGMALinkage
 
toString() - Method in class smile.clustering.linkage.UPGMCLinkage
 
toString() - Method in class smile.clustering.linkage.WardLinkage
 
toString() - Method in class smile.clustering.linkage.WPGMALinkage
 
toString() - Method in class smile.clustering.linkage.WPGMCLinkage
 
toString() - Method in record class smile.clustering.MEC.Options
Returns a string representation of this record class.
toString() - Method in class smile.clustering.MEC
 
toString() - Method in class smile.clustering.Partitioning
 
toString() - Method in record class smile.clustering.SpectralClustering.Options
Returns a string representation of this record class.
toString() - Method in class smile.data.AbstractTuple
 
toString() - Method in record class smile.data.DataFrame
Returns a string representation of this record class.
toString() - Method in class smile.data.formula.AbstractBiFunction
 
toString() - Method in class smile.data.formula.AbstractFunction
 
toString() - Method in class smile.data.formula.Date
 
toString() - Method in class smile.data.formula.Delete
 
toString() - Method in class smile.data.formula.Dot
 
toString() - Method in class smile.data.formula.FactorCrossing
 
toString() - Method in class smile.data.formula.FactorInteraction
 
toString() - Method in class smile.data.formula.Formula
 
toString() - Method in record class smile.data.formula.Intercept
Returns a string representation of this record class.
toString() - Method in class smile.data.formula.Operator
 
toString() - Method in record class smile.data.formula.Variable
Returns a string representation of this record class.
toString() - Method in class smile.data.measure.IntervalScale
 
toString() - Method in class smile.data.measure.NominalScale
 
toString() - Method in class smile.data.measure.OrdinalScale
 
toString() - Method in class smile.data.measure.RatioScale
 
toString() - Method in record class smile.data.Row
Returns a string representation of this record class.
toString() - Method in record class smile.data.RowIndex
Returns a string representation of this record class.
toString() - Method in record class smile.data.SampleInstance
Returns a string representation of this record class.
toString() - Method in class smile.data.SQL
 
toString() - Method in class smile.data.transform.ColumnTransform
 
toString() - Method in class smile.data.type.ArrayType
 
toString() - Method in class smile.data.type.DateTimeType
 
toString() - Method in class smile.data.type.DateType
 
toString() - Method in class smile.data.type.DecimalType
 
toString() - Method in class smile.data.type.ObjectType
 
toString() - Method in class smile.data.type.PrimitiveType
 
toString() - Method in record class smile.data.type.Property
Returns a string representation of this record class.
toString() - Method in class smile.data.type.StringType
 
toString() - Method in record class smile.data.type.StructField
Returns a string representation of this record class.
toString() - Method in record class smile.data.type.StructType
Returns a string representation of this record class.
toString() - Method in class smile.data.type.TimeType
 
toString() - Method in class smile.data.vector.AbstractVector
 
toString() - Method in record class smile.datasets.Abalone
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Ailerons
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.AutoMPG
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Bank32nh
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.BitcoinPrice
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.BostonHousing
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.BreastCancer
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.CalHousing
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.ColonCancer
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.CPU
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Default
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Diabetes
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Eurodist
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.GaussianMixture
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Hyphen
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.ImageSegmentation
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Iris
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Kin8nm
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.LibrasMovement
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Longley
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.MNIST
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.PenDigits
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Planes2D
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.ProstateCancer
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Protein
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Puma8NH
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.SwissRoll
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.SyntheticControl
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.USArrests
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.USPS
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.Weather
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.WeatherNominal
Returns a string representation of this record class.
toString() - Method in record class smile.datasets.WordNet
Returns a string representation of this record class.
toString() - Method in class smile.deep.layer.LayerBlock
 
toString() - Method in class smile.deep.metric.Accuracy
 
toString() - Method in class smile.deep.metric.Precision
 
toString() - Method in class smile.deep.metric.Recall
 
toString() - Method in class smile.deep.Model
 
toString() - Method in record class smile.deep.SampleBatch
Returns a string representation of this record class.
toString() - Method in class smile.deep.tensor.Device
 
toString() - Method in class smile.deep.tensor.Tensor
 
toString() - Method in class smile.feature.imputation.SimpleImputer
 
toString() - Method in record class smile.feature.selection.FRegression
Returns a string representation of this record class.
toString() - Method in record class smile.feature.selection.InformationValue
Returns a string representation of this record class.
toString() - Method in record class smile.feature.selection.SignalNoiseRatio
Returns a string representation of this record class.
toString() - Method in record class smile.feature.selection.SumSquaresRatio
Returns a string representation of this record class.
toString() - Method in class smile.feature.transform.Normalizer
 
toString() - Method in class smile.gap.BitString
 
toString() - Method in record class smile.glm.GLM.Options
Returns a string representation of this record class.
toString() - Method in class smile.glm.GLM
 
toString() - Method in class smile.graph.AdjacencyList
 
toString() - Method in class smile.graph.AdjacencyMatrix
 
toString() - Method in record class smile.graph.Graph.Edge
Returns a string representation of this record class.
toString() - Method in record class smile.graph.NearestNeighborGraph
Returns a string representation of this record class.
toString() - Method in record class smile.ica.ICA.Options
Returns a string representation of this record class.
toString() - Method in record class smile.ica.ICA
Returns a string representation of this record class.
toString() - Method in class smile.interpolation.BicubicInterpolation
 
toString() - Method in class smile.interpolation.BilinearInterpolation
 
toString() - Method in class smile.interpolation.CubicSplineInterpolation1D
 
toString() - Method in class smile.interpolation.CubicSplineInterpolation2D
 
toString() - Method in class smile.interpolation.KrigingInterpolation
 
toString() - Method in class smile.interpolation.KrigingInterpolation1D
 
toString() - Method in class smile.interpolation.KrigingInterpolation2D
 
toString() - Method in class smile.interpolation.LinearInterpolation
 
toString() - Method in class smile.interpolation.RBFInterpolation
 
toString() - Method in class smile.interpolation.RBFInterpolation1D
 
toString() - Method in class smile.interpolation.RBFInterpolation2D
 
toString() - Method in class smile.interpolation.ShepardInterpolation
 
toString() - Method in class smile.interpolation.ShepardInterpolation1D
 
toString() - Method in class smile.interpolation.ShepardInterpolation2D
 
toString() - Method in class smile.interpolation.variogram.ExponentialVariogram
 
toString() - Method in class smile.interpolation.variogram.GaussianVariogram
 
toString() - Method in class smile.interpolation.variogram.PowerVariogram
 
toString() - Method in class smile.interpolation.variogram.SphericalVariogram
 
toString() - Method in record class smile.llm.CompletionPrediction
Returns a string representation of this record class.
toString() - Method in class smile.llm.llama.Llama
 
toString() - Method in record class smile.llm.llama.ModelArgs
Returns a string representation of this record class.
toString() - Method in record class smile.llm.Message
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.IsoMap.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.IsotonicMDS.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.IsotonicMDS
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.KPCA.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.LaplacianEigenmap.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.LLE.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.MDS.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.MDS
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.SammonMapping.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.SammonMapping
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.TSNE.Options
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.TSNE
Returns a string representation of this record class.
toString() - Method in record class smile.manifold.UMAP.Options
Returns a string representation of this record class.
toString() - Method in record class smile.math.Complex
Returns a string representation of this record class.
toString() - Method in class smile.math.distance.ChebyshevDistance
 
toString() - Method in class smile.math.distance.CorrelationDistance
 
toString() - Method in class smile.math.distance.DynamicTimeWarping
 
toString() - Method in class smile.math.distance.EditDistance
 
toString() - Method in class smile.math.distance.EuclideanDistance
 
toString() - Method in class smile.math.distance.HammingDistance
 
toString() - Method in class smile.math.distance.JaccardDistance
 
toString() - Method in class smile.math.distance.JensenShannonDistance
 
toString() - Method in class smile.math.distance.LeeDistance
 
toString() - Method in class smile.math.distance.MahalanobisDistance
 
toString() - Method in class smile.math.distance.ManhattanDistance
 
toString() - Method in class smile.math.distance.MinkowskiDistance
 
toString() - Method in class smile.math.distance.SparseChebyshevDistance
 
toString() - Method in class smile.math.distance.SparseEuclideanDistance
 
toString() - Method in class smile.math.distance.SparseManhattanDistance
 
toString() - Method in class smile.math.distance.SparseMinkowskiDistance
 
toString() - Method in class smile.math.kernel.BinarySparseLinearKernel
 
toString() - Method in class smile.math.kernel.Gaussian
 
toString() - Method in class smile.math.kernel.HellingerKernel
 
toString() - Method in class smile.math.kernel.HyperbolicTangent
 
toString() - Method in class smile.math.kernel.Laplacian
 
toString() - Method in class smile.math.kernel.LinearKernel
 
toString() - Method in class smile.math.kernel.Matern
 
toString() - Method in class smile.math.kernel.PearsonKernel
 
toString() - Method in class smile.math.kernel.Polynomial
 
toString() - Method in class smile.math.kernel.SparseLinearKernel
 
toString() - Method in class smile.math.kernel.ThinPlateSpline
 
toString() - Method in record class smile.math.LevenbergMarquardt
Returns a string representation of this record class.
toString() - Method in class smile.math.rbf.GaussianRadialBasis
 
toString() - Method in class smile.math.rbf.InverseMultiquadricRadialBasis
 
toString() - Method in class smile.math.rbf.MultiquadricRadialBasis
 
toString() - Method in class smile.math.rbf.ThinPlateRadialBasis
 
toString() - Method in class smile.neighbor.BKTree
 
toString() - Method in class smile.neighbor.CoverTree
 
toString() - Method in class smile.neighbor.KDTree
 
toString() - Method in class smile.neighbor.LinearSearch
 
toString() - Method in record class smile.neighbor.lsh.MultiProbeSample
Returns a string representation of this record class.
toString() - Method in record class smile.neighbor.lsh.PrH
Returns a string representation of this record class.
toString() - Method in record class smile.neighbor.lsh.PrZ
Returns a string representation of this record class.
toString() - Method in class smile.neighbor.LSH
 
toString() - Method in class smile.neighbor.MPLSH
 
toString() - Method in record class smile.neighbor.Neighbor
Returns a string representation of this record class.
toString() - Method in class smile.nlp.Bigram
 
toString() - Method in class smile.nlp.collocation.Bigram
 
toString() - Method in class smile.nlp.collocation.NGram
 
toString() - Method in class smile.nlp.NGram
 
toString() - Method in record class smile.nlp.relevance.Relevance
Returns a string representation of this record class.
toString() - Method in class smile.nlp.SimpleText
 
toString() - Method in class smile.plot.swing.Base
 
toString() - Method in class smile.plot.vega.Axis
 
toString() - Method in class smile.plot.vega.Background
 
toString() - Method in class smile.plot.vega.Config
 
toString() - Method in class smile.plot.vega.Data
 
toString() - Method in class smile.plot.vega.DensityTransform
 
toString() - Method in class smile.plot.vega.FacetField
 
toString() - Method in class smile.plot.vega.Field
 
toString() - Method in class smile.plot.vega.FormatConfig
 
toString() - Method in class smile.plot.vega.ImputeTransform
 
toString() - Method in class smile.plot.vega.Legend
 
toString() - Method in class smile.plot.vega.LoessTransform
 
toString() - Method in class smile.plot.vega.LookupData
 
toString() - Method in class smile.plot.vega.Mark
 
toString() - Method in class smile.plot.vega.PivotTransform
 
toString() - Method in class smile.plot.vega.Projection
 
toString() - Method in class smile.plot.vega.QuantileTransform
 
toString() - Method in class smile.plot.vega.RegressionTransform
 
toString() - Method in record class smile.plot.vega.SortField
Returns a string representation of this record class.
toString() - Method in class smile.plot.vega.StackTransform
 
toString() - Method in class smile.plot.vega.Transform
 
toString() - Method in class smile.plot.vega.VegaLite
 
toString() - Method in class smile.plot.vega.ViewConfig
 
toString() - Method in class smile.plot.vega.WindowTransform
 
toString() - Method in record class smile.plot.vega.WindowTransformField
Returns a string representation of this record class.
toString() - Method in record class smile.regression.ElasticNet.Options
Returns a string representation of this record class.
toString() - Method in class smile.regression.GaussianProcessRegression.JointPrediction
 
toString() - Method in record class smile.regression.GaussianProcessRegression.Options
Returns a string representation of this record class.
toString() - Method in class smile.regression.GaussianProcessRegression
 
toString() - Method in record class smile.regression.GradientTreeBoost.Options
Returns a string representation of this record class.
toString() - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Returns a string representation of this record class.
toString() - Method in record class smile.regression.LASSO.Options
Returns a string representation of this record class.
toString() - Method in class smile.regression.LinearModel
 
toString() - Method in record class smile.regression.OLS.Options
Returns a string representation of this record class.
toString() - Method in record class smile.regression.RandomForest.Model
Returns a string representation of this record class.
toString() - Method in record class smile.regression.RandomForest.Options
Returns a string representation of this record class.
toString() - Method in record class smile.regression.RandomForest.TrainingStatus
Returns a string representation of this record class.
toString() - Method in record class smile.regression.RegressionTree.Options
Returns a string representation of this record class.
toString() - Method in record class smile.regression.RidgeRegression.Options
Returns a string representation of this record class.
toString() - Method in record class smile.regression.SVM.Options
Returns a string representation of this record class.
toString() - Method in record class smile.sequence.CRF.Options
Returns a string representation of this record class.
toString() - Method in class smile.sequence.CRFLabeler
 
toString() - Method in class smile.sequence.HMM
 
toString() - Method in class smile.sequence.HMMLabeler
 
toString() - Method in class smile.stat.distribution.BernoulliDistribution
 
toString() - Method in class smile.stat.distribution.BetaDistribution
 
toString() - Method in class smile.stat.distribution.BinomialDistribution
 
toString() - Method in class smile.stat.distribution.ChiSquareDistribution
 
toString() - Method in record class smile.stat.distribution.DiscreteMixture.Component
Returns a string representation of this record class.
toString() - Method in class smile.stat.distribution.DiscreteMixture
 
toString() - Method in class smile.stat.distribution.EmpiricalDistribution
 
toString() - Method in class smile.stat.distribution.ExponentialDistribution
 
toString() - Method in class smile.stat.distribution.FDistribution
 
toString() - Method in class smile.stat.distribution.GammaDistribution
 
toString() - Method in class smile.stat.distribution.GaussianDistribution
 
toString() - Method in class smile.stat.distribution.GeometricDistribution
 
toString() - Method in class smile.stat.distribution.HyperGeometricDistribution
 
toString() - Method in class smile.stat.distribution.LogisticDistribution
 
toString() - Method in class smile.stat.distribution.LogNormalDistribution
 
toString() - Method in record class smile.stat.distribution.Mixture.Component
Returns a string representation of this record class.
toString() - Method in class smile.stat.distribution.Mixture
 
toString() - Method in class smile.stat.distribution.MultivariateGaussianDistribution
 
toString() - Method in record class smile.stat.distribution.MultivariateMixture.Component
Returns a string representation of this record class.
toString() - Method in class smile.stat.distribution.MultivariateMixture
 
toString() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
toString() - Method in class smile.stat.distribution.PoissonDistribution
 
toString() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
toString() - Method in class smile.stat.distribution.TDistribution
 
toString() - Method in class smile.stat.distribution.WeibullDistribution
 
toString() - Method in record class smile.stat.hypothesis.ChiSqTest
Returns a string representation of this record class.
toString() - Method in record class smile.stat.hypothesis.CorTest
Returns a string representation of this record class.
toString() - Method in record class smile.stat.hypothesis.FTest
Returns a string representation of this record class.
toString() - Method in record class smile.stat.hypothesis.KSTest
Returns a string representation of this record class.
toString() - Method in record class smile.stat.hypothesis.TTest
Returns a string representation of this record class.
toString() - Method in record class smile.swing.AlphaIcon
Returns a string representation of this record class.
toString() - Method in class smile.taxonomy.Concept
 
toString() - Method in class smile.taxonomy.TaxonomicDistance
 
toString() - Method in record class smile.tensor.Cholesky
Returns a string representation of this record class.
toString() - Method in class smile.tensor.DenseMatrix
 
toString() - Method in record class smile.tensor.EVD
Returns a string representation of this record class.
toString() - Method in class smile.tensor.JTensor
 
toString() - Method in record class smile.tensor.LU
Returns a string representation of this record class.
toString() - Method in record class smile.tensor.QR
Returns a string representation of this record class.
toString() - Method in record class smile.tensor.Scalar
Returns a string representation of this record class.
toString() - Method in class smile.tensor.SparseMatrix.Entry
 
toString() - Method in record class smile.tensor.SVD
Returns a string representation of this record class.
toString() - Method in class smile.timeseries.AR
 
toString() - Method in class smile.timeseries.ARMA
 
toString() - Method in class smile.timeseries.BoxTest
 
toString() - Method in record class smile.util.AlgoStatus
Returns a string representation of this record class.
toString() - Method in class smile.util.Array2D
 
toString() - Method in record class smile.util.Bytes
Returns a string representation of this record class.
toString() - Method in class smile.util.DoubleArrayList
 
toString() - Method in class smile.util.FloatArrayList
 
toString() - Method in class smile.util.IntArray2D
 
toString() - Method in class smile.util.IntArrayList
 
toString() - Method in record class smile.util.IntPair
Returns a string representation of this record class.
toString() - Method in record class smile.util.SparseArray.Entry
Returns a string representation of this record class.
toString() - Method in class smile.util.SparseArray
 
toString() - Method in record class smile.util.SparseIntArray.Entry
Returns a string representation of this record class.
toString() - Method in class smile.util.SparseIntArray
 
toString() - Method in record class smile.util.Tuple2
Returns a string representation of this record class.
toString() - Method in record class smile.validation.Bag
Returns a string representation of this record class.
toString() - Method in record class smile.validation.ClassificationMetrics
Returns a string representation of this record class.
toString() - Method in record class smile.validation.ClassificationValidation
Returns a string representation of this record class.
toString() - Method in record class smile.validation.ClassificationValidations
Returns a string representation of this record class.
toString() - Method in class smile.validation.metric.Accuracy
 
toString() - Method in class smile.validation.metric.AdjustedMutualInformation
 
toString() - Method in class smile.validation.metric.AdjustedRandIndex
 
toString() - Method in class smile.validation.metric.AUC
 
toString() - Method in record class smile.validation.metric.ConfusionMatrix
Returns a string representation of this record class.
toString() - Method in class smile.validation.metric.Error
 
toString() - Method in class smile.validation.metric.Fallout
 
toString() - Method in class smile.validation.metric.FDR
 
toString() - Method in class smile.validation.metric.FScore
 
toString() - Method in class smile.validation.metric.LogLoss
 
toString() - Method in class smile.validation.metric.MAD
 
toString() - Method in class smile.validation.metric.MatthewsCorrelation
 
toString() - Method in class smile.validation.metric.MSE
 
toString() - Method in class smile.validation.metric.MutualInformation
 
toString() - Method in class smile.validation.metric.NormalizedMutualInformation
 
toString() - Method in class smile.validation.metric.Precision
 
toString() - Method in class smile.validation.metric.R2
 
toString() - Method in class smile.validation.metric.RandIndex
 
toString() - Method in class smile.validation.metric.Recall
 
toString() - Method in class smile.validation.metric.RMSE
 
toString() - Method in class smile.validation.metric.RSS
 
toString() - Method in class smile.validation.metric.Sensitivity
 
toString() - Method in class smile.validation.metric.Specificity
 
toString() - Method in record class smile.validation.RegressionMetrics
Returns a string representation of this record class.
toString() - Method in record class smile.validation.RegressionValidation
Returns a string representation of this record class.
toString() - Method in record class smile.validation.RegressionValidations
Returns a string representation of this record class.
toString() - Method in record class smile.vision.layer.Conv2dNormActivation.Options
Returns a string representation of this record class.
toString() - Method in class smile.vision.layer.Conv2dNormActivation
 
toString() - Method in record class smile.vision.layer.MBConvConfig
Returns a string representation of this record class.
toString(boolean) - Method in interface smile.tensor.Matrix
Returns the string representation of matrix.
toString(boolean) - Method in class smile.util.Array2D
Returns the string representation of matrix.
toString(boolean) - Method in class smile.util.IntArray2D
Returns the string representation of matrix.
toString(int) - Method in interface smile.data.Dataset
Returns the string representation of the dataset.
toString(int) - Method in class smile.data.measure.CategoricalMeasure
Returns the string value of a level.
toString(int) - Method in interface smile.data.Tuple
Returns the string representation of the value at position i.
toString(int, int) - Method in interface smile.tensor.Matrix
Returns the string representation of matrix.
toString(int, int) - Method in class smile.util.Array2D
Returns the string representation of matrix.
toString(int, int) - Method in class smile.util.IntArray2D
Returns the string representation of matrix.
toString(int, int, boolean) - Method in record class smile.data.DataFrame
Returns the string representation of rows in specified range.
toString(Object) - Method in class smile.data.measure.CategoricalMeasure
 
toString(Object) - Method in interface smile.data.measure.Measure
Returns the string representation of an object in the measure.
toString(Object) - Method in class smile.data.measure.NumericalMeasure
 
toString(Object) - Method in class smile.data.type.ArrayType
 
toString(Object) - Method in interface smile.data.type.DataType
Returns the string representation of a value of the type.
toString(Object) - Method in class smile.data.type.DateTimeType
 
toString(Object) - Method in class smile.data.type.DateType
 
toString(Object) - Method in class smile.data.type.DoubleType
 
toString(Object) - Method in class smile.data.type.FloatType
 
toString(Object) - Method in class smile.data.type.ObjectType
 
toString(Object) - Method in record class smile.data.type.StructField
Returns the string representation of the field object.
toString(Object) - Method in record class smile.data.type.StructType
 
toString(Object) - Method in class smile.data.type.TimeType
 
toString(String) - Method in interface smile.data.Tuple
Returns the string representation of the field value.
toString(StructType, boolean) - Method in class smile.base.cart.InternalNode
Returns the string representation of branch.
toString(StructType, boolean) - Method in class smile.base.cart.NominalNode
 
toString(StructType, boolean) - Method in class smile.base.cart.OrdinalNode
 
toString(StructType, StructField, InternalNode, int, BigInteger, List) - Method in class smile.base.cart.DecisionNode
 
toString(StructType, StructField, InternalNode, int, BigInteger, List) - Method in class smile.base.cart.InternalNode
 
toString(StructType, StructField, InternalNode, int, BigInteger, List) - Method in interface smile.base.cart.Node
Adds the string representation (R's rpart format) to a collection.
toString(StructType, StructField, InternalNode, int, BigInteger, List) - Method in class smile.base.cart.RegressionNode
 
toString(InformationValue[]) - Static method in record class smile.feature.selection.InformationValue
Returns a string representation of the array of information values.
toStringArray() - Method in interface smile.data.vector.ValueVector
Returns a string array of this vector.
toStringArray(String[]) - Method in interface smile.data.vector.ValueVector
Copies the vector value as string to the given array.
toStructField(Field) - Static method in class smile.io.Arrow
Converts an arrow field to smile field.
toStructField(Schema.Field) - Static method in class smile.io.Avro
Converts an avro schema field to smile field.
toStructField(ColumnDescriptor) - Static method in class smile.io.Parquet
Converts a parquet column to smile field.
toStructType(Schema) - Static method in class smile.io.Arrow
Converts an arrow schema to smile schema.
toStructType(Schema) - Static method in class smile.io.Avro
Converts an avro schema to smile schema.
toStructType(MessageType) - Static method in class smile.io.Parquet
Converts a parquet schema to smile schema.
toTensor(float[], float[], BufferedImage...) - Method in interface smile.vision.transform.Transform
Returns the tensor with NCHW shape [samples, channels, height, width] of the images.
toTransform(InformationValue[]) - Static method in record class smile.feature.selection.InformationValue
Returns the data transformation that covert feature value to its weight of evidence.
Tournament(int, double) - Static method in interface smile.gap.Selection
Tournament Selection.
trace() - Method in interface smile.tensor.Matrix
Returns the matrix trace.
train() - Method in record class smile.datasets.Abalone
Returns the value of the train record component.
train() - Method in record class smile.datasets.Hyphen
Returns the value of the train record component.
train() - Method in record class smile.datasets.ImageSegmentation
Returns the value of the train record component.
train() - Method in record class smile.datasets.ProstateCancer
Returns the value of the train record component.
train() - Method in record class smile.datasets.Protein
Returns the value of the train record component.
train() - Method in record class smile.datasets.USPS
Returns the value of the train record component.
train() - Method in class smile.deep.layer.LayerBlock
Sets the layer block in the training mode.
train() - Method in class smile.deep.Model
Sets the model in the training mode.
train(int, Optimizer, Loss, Dataset) - Method in class smile.deep.Model
Trains the model.
train(int, Optimizer, Loss, Dataset, Dataset, String, Metric...) - Method in class smile.deep.Model
Trains the model.
TrainingStatus(int, double, ClassificationMetrics) - Constructor for record class smile.classification.AdaBoost.TrainingStatus
Creates an instance of a TrainingStatus record class.
TrainingStatus(int, double, ClassificationMetrics) - Constructor for record class smile.classification.GradientTreeBoost.TrainingStatus
Creates an instance of a TrainingStatus record class.
TrainingStatus(int, double, RegressionMetrics) - Constructor for record class smile.regression.GradientTreeBoost.TrainingStatus
Creates an instance of a TrainingStatus record class.
TrainingStatus(int, ClassificationMetrics) - Constructor for record class smile.classification.RandomForest.TrainingStatus
Creates an instance of a TrainingStatus record class.
TrainingStatus(int, RegressionMetrics) - Constructor for record class smile.regression.RandomForest.TrainingStatus
Creates an instance of a TrainingStatus record class.
transform() - Method in class smile.plot.vega.VegaLite
Returns the data transformation object.
transform() - Method in class smile.vision.VisionModel
Returns the associated image transform.
transform(double[]) - Method in class smile.wavelet.Wavelet
Discrete wavelet transform.
transform(Vector) - Method in class smile.base.mlp.HiddenLayer
 
transform(Vector) - Method in class smile.base.mlp.InputLayer
 
transform(Vector) - Method in class smile.base.mlp.Layer
The activation or output function.
transform(Vector) - Method in class smile.base.mlp.OutputLayer
 
Transform - Class in smile.plot.vega
View-level data transformations such as filter and new field calculation.
Transform - Interface in smile.data.transform
Data transformation interface.
Transform - Interface in smile.vision.transform
Transformation from image to tensor.
Transformer - Class in smile.llm.llama
The Transformer model.
Transformer(ModelArgs, Device) - Constructor for class smile.llm.llama.Transformer
Constructor.
TransformerBlock - Class in smile.llm.llama
A block in Transformer model.
TransformerBlock(int, ModelArgs) - Constructor for class smile.llm.llama.TransformerBlock
Constructor.
translate(double) - Method in class smile.plot.vega.Axis
Sets the coordinate space translation offset for axis layout.
translate(double, double) - Method in class smile.plot.vega.Projection
Sets the projection's translation offset.
TRANSPARENT - Static variable in class smile.plot.swing.Palette
A fully transparent color with an ARGB value of #00000000.
transpose() - Method in class smile.tensor.AtA
 
transpose() - Method in class smile.tensor.BandMatrix
 
transpose() - Method in class smile.tensor.DenseMatrix
 
transpose() - Method in interface smile.tensor.Matrix
Returns the transpose of matrix.
transpose() - Method in class smile.tensor.SparseMatrix
Returns the transpose of matrix.
transpose() - Method in class smile.tensor.SymmMatrix
 
transpose(double[][]) - Static method in class smile.math.MathEx
Returns the matrix transpose.
transpose(long, long) - Method in class smile.deep.tensor.Tensor
Returns a tensor that is a transposed version of input.
Transpose - Enum Class in smile.linalg
Matrix transpose.
TRANSPOSE - Enum constant in enum class smile.linalg.Transpose
Transpose operation on the matrix.
tree() - Method in record class smile.classification.AdaBoost.TrainingStatus
Returns the value of the tree record component.
tree() - Method in record class smile.classification.GradientTreeBoost.TrainingStatus
Returns the value of the tree record component.
tree() - Method in record class smile.classification.RandomForest.Model
Returns the value of the tree record component.
tree() - Method in record class smile.classification.RandomForest.TrainingStatus
Returns the value of the tree record component.
tree() - Method in record class smile.clustering.HierarchicalClustering
Returns the value of the tree record component.
tree() - Method in record class smile.regression.GradientTreeBoost.TrainingStatus
Returns the value of the tree record component.
tree() - Method in record class smile.regression.RandomForest.Model
Returns the value of the tree record component.
tree() - Method in record class smile.regression.RandomForest.TrainingStatus
Returns the value of the tree record component.
trees() - Method in class smile.anomaly.IsolationForest
Returns the isolation trees in the model.
trees() - Method in class smile.classification.AdaBoost
Returns the decision trees.
trees() - Method in class smile.classification.GradientTreeBoost
Returns the regression trees.
trees() - Method in class smile.classification.RandomForest
 
trees() - Method in interface smile.feature.importance.TreeSHAP
Returns the decision trees.
trees() - Method in class smile.regression.GradientTreeBoost
 
trees() - Method in class smile.regression.RandomForest
 
TreeSHAP - Interface in smile.feature.importance
SHAP of ensemble tree methods.
Trie<K,V> - Class in smile.nlp
A trie, also called digital tree or prefix tree, is an ordered tree data structure that is used to store a dynamic set or associative array where the keys are usually strings.
Trie() - Constructor for class smile.nlp.Trie
Constructor.
Trie(int) - Constructor for class smile.nlp.Trie
Constructor.
Trie.Node - Class in smile.nlp
The nodes in the trie.
trim() - Method in class smile.util.DoubleArrayList
Trims the capacity to be the list's current size.
trim() - Method in class smile.util.FloatArrayList
Trims the capacity to be the list's current size.
trim() - Method in class smile.util.IntArrayList
Trims the capacity to be the list's current size.
trim(int) - Method in class smile.classification.AdaBoost
Trims the tree model set to a smaller size in case of over-fitting.
trim(int) - Method in class smile.classification.GradientTreeBoost
Trims the tree model set to a smaller size in case of over-fitting.
trim(int) - Method in class smile.classification.RandomForest
Trims the tree model set to a smaller size in case of over-fitting.
trim(int) - Method in class smile.regression.GradientTreeBoost
Trims the tree model set to a smaller size in case of over-fitting.
trim(int) - Method in class smile.regression.RandomForest
Trims the tree model set to a smaller size in case of over-fitting.
tripleMarginRanking(Tensor, Tensor, Tensor) - Static method in interface smile.deep.Loss
Triplet Margin Ranking Loss Function.
triu(long) - Method in class smile.deep.tensor.Tensor
Returns the upper triangular part of a matrix (2-D tensor) or batch of matrices input, the other elements of the result tensor out are set to 0.
triu_(long) - Method in class smile.deep.tensor.Tensor
Returns the upper triangular part of a matrix (2-D tensor) or batch of matrices input, the other elements of the result tensor out are set to 0.
trueChild() - Method in class smile.base.cart.InternalNode
Returns the true branch child.
truth() - Method in record class smile.validation.ClassificationValidation
Returns the value of the truth record component.
truth() - Method in record class smile.validation.RegressionValidation
Returns the value of the truth record component.
tryDecode(int[]) - Method in class smile.llm.tokenizer.Tiktoken
 
tryDecode(int[]) - Method in interface smile.llm.tokenizer.Tokenizer
Try to decode a list of token IDs into a string.
TSNE - Record Class in smile.manifold
The t-distributed stochastic neighbor embedding.
TSNE(double, double[][]) - Constructor for record class smile.manifold.TSNE
Creates an instance of a TSNE record class.
TSNE.Options - Record Class in smile.manifold
The t-SNE hyperparameters.
tsp() - Method in class smile.graph.Graph
Returns the optimal travelling salesman problem (TSP) tour with branch and bound algorithm.
tsv(String, Map) - Method in class smile.plot.vega.Data
Loads a tab-separated values (TSV) file
ttest() - Method in class smile.regression.LinearModel
Returns the t-test of the coefficients (including intercept).
ttest() - Method in class smile.timeseries.AR
Returns the t-test of the coefficients (including intercept).
ttest() - Method in class smile.timeseries.ARMA
Returns the t-test of the coefficients (including intercept).
TTest - Record Class in smile.stat.hypothesis
Student's t test.
TTest(String, double, double, double) - Constructor for record class smile.stat.hypothesis.TTest
Creates an instance of a TTest record class.
Tuple - Interface in smile.data
A tuple is an immutable ordered finite list (sequence) of elements.
Tuple2<T1,T2> - Record Class in smile.util
A tuple of 2 elements.
Tuple2(T1, T2) - Constructor for record class smile.util.Tuple2
Creates an instance of a Tuple2 record class.
TURQUOISE - Static variable in class smile.plot.swing.Palette
The color turquoise with an RGB value of #40E0D0
tv(double[]) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
tv(float[]) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A * x.
tv(Vector) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A' * x.
tv(Vector, int, int) - Method in class smile.tensor.AtA
 
tv(Vector, int, int) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A' * x.
tv(Vector, int, int) - Method in class smile.tensor.SparseMatrix
 
tv(Vector, Vector) - Method in interface smile.tensor.Matrix
Matrix-vector multiplication A' * x.
TWCNB - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
Transformed Weight-normalized Complement Naive Bayes.
TWO_POINT - Enum constant in enum class smile.gap.Crossover
Two point crossover - two crossover point are selected, binary string from beginning of chromosome to the first crossover point is copied from one parent, the part from the first to the second crossover point is copied from the second parent and the rest is copied from the first parent.
type - Variable in class smile.timeseries.BoxTest
The type of test.
type() - Method in class smile.data.measure.CategoricalMeasure
Returns the data type that is suitable for this measure scale.
type() - Method in record class smile.data.type.Property
Returns the value of the type record component.
type() - Method in class smile.deep.tensor.Device
Returns the device type.
type(String) - Method in class smile.plot.vega.FacetField
Sets the field's type of measurement.
type(String) - Method in class smile.plot.vega.Field
Sets the field's type of measurement.
type(String) - Method in class smile.plot.vega.Legend
Sets the type of the legend.

U

u() - Method in record class smile.graph.Graph.Edge
Returns the value of the u record component.
u() - Method in record class smile.neighbor.lsh.PrH
Returns the value of the u record component.
U() - Method in record class smile.tensor.SVD
Returns the value of the U record component.
UH - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Interjection.
UINT_FAST16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_FAST16_MAX -1
uint_fast16_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long uint_fast16_t
UINT_FAST32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_FAST32_MAX -1
uint_fast32_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long uint_fast32_t
UINT_FAST64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_FAST64_MAX -1
uint_fast64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long uint_fast64_t
UINT_FAST8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_FAST8_MAX 255
uint_fast8_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned char uint_fast8_t
UINT_LEAST16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_LEAST16_MAX 65535
uint_least16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint_least16_t uint_least16_t
UINT_LEAST32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_LEAST32_MAX 4294967295
uint_least32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint_least32_t uint_least32_t
UINT_LEAST64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_LEAST64_MAX -1
uint_least64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint_least64_t uint_least64_t
UINT_LEAST8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT_LEAST8_MAX 255
uint_least8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint_least8_t uint_least8_t
UINT16_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT16_MAX 65535
uint16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint16_t uint16_t
UINT32_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT32_MAX 4294967295
uint32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint32_t uint32_t
UINT64_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT64_MAX -1
uint64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint64_t uint64_t
UINT8_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINT8_MAX 255
uint8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint8_t uint8_t
UINTMAX_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINTMAX_MAX -1
uintmax_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uintmax_t uintmax_t
UINTPTR_MAX() - Static method in class smile.linalg.blas.cblas_h
#define UINTPTR_MAX -1
uintptr_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long uintptr_t
ulp(String) - Static method in interface smile.data.formula.Terms
The ulp(x) term.
ulp(Term) - Static method in interface smile.data.formula.Terms
The ulp(x) term.
UMAP - Class in smile.manifold
Uniform Manifold Approximation and Projection.
UMAP.Options - Record Class in smile.manifold
The UMAP hyperparameters.
umatrix() - Method in class smile.vq.SOM
Calculates the unified distance matrix (u-matrix) for visualization.
unescape(String) - Static method in interface smile.util.Strings
Unescapes a string that contains standard Java escape sequences.
ungetc(int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int ungetc(int __c, FILE *__stream)
ungetc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int ungetc(int __c, FILE *__stream)
ungetc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int ungetc(int __c, FILE *__stream)
ungetc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int ungetc(int __c, FILE *__stream)
UNIFORM - Enum constant in enum class smile.gap.Crossover
Uniform crossover - bits are randomly copied from the first or from the second parent.
unique() - Method in class smile.nlp.SimpleText
 
unique() - Method in interface smile.nlp.TextTerms
Returns the iterator of unique words.
unique(int[]) - Static method in class smile.math.MathEx
Find unique elements of vector.
unique(String[]) - Static method in class smile.math.MathEx
Find unique elements of vector.
UNIT - Enum constant in enum class smile.linalg.Diag
Unit triangular.
unitize() - Method in class smile.data.SparseDataset
Unitize each row so that L2 norm of x = 1.
unitize(double[]) - Static method in class smile.math.MathEx
Unitize an array so that L2 norm of array = 1.
unitize1() - Method in class smile.data.SparseDataset
Unitize each row so that L1 norm of x is 1.
unitize1(double[]) - Static method in class smile.math.MathEx
Unitize an array so that L1 norm of array is 1.
unitize2(double[]) - Static method in class smile.math.MathEx
Unitize an array so that L2 norm of array = 1.
UniversalGenerator - Class in smile.math.random
The so-called "Universal Generator" based on multiplicative congruential method, which originally appeared in "Toward a Universal Random Number Generator" by Marsaglia, Zaman and Tsang.
UniversalGenerator() - Constructor for class smile.math.random.UniversalGenerator
Initialize Random with default seed.
UniversalGenerator(int) - Constructor for class smile.math.random.UniversalGenerator
Initialize Random with a specified integer seed
UniversalGenerator(long) - Constructor for class smile.math.random.UniversalGenerator
Initialize Random with a specified long seed
unsqueeze(long) - Method in class smile.deep.tensor.Tensor
Returns a new tensor with a dimension of size one inserted at the specified position.
update(double) - Method in class smile.tensor.SparseMatrix.Entry
Update the entry value in the matrix.
update(double[]) - Method in class smile.feature.extraction.GHA
Update the model with a new sample.
update(double[]) - Method in class smile.vq.BIRCH
 
update(double[]) - Method in class smile.vq.GrowingNeuralGas
 
update(double[]) - Method in class smile.vq.NeuralGas
 
update(double[]) - Method in class smile.vq.NeuralMap
 
update(double[]) - Method in class smile.vq.SOM
 
update(double[]) - Method in interface smile.vq.VectorQuantizer
Update the codebook with a new observation.
update(double[][]) - Method in class smile.feature.extraction.GHA
Update the model with a set of samples.
update(double[][], double[]) - Method in class smile.regression.MLP
Updates the model with a mini-batch.
update(double[][], int[]) - Method in class smile.classification.MLP
Updates the model with a mini-batch.
update(double[], double) - Method in class smile.regression.LinearModel
Growing window recursive least squares with lambda = 1.
update(double[], double) - Method in class smile.regression.MLP
Updates the model with a single sample.
update(double[], double) - Method in class smile.vq.hebb.Neuron
Updates the reference vector by w += eps * (x - w).
update(double[], double, double) - Method in class smile.regression.LinearModel
Recursive least squares.
update(double[], int) - Method in class smile.classification.LogisticRegression.Binomial
 
update(double[], int) - Method in class smile.classification.LogisticRegression.Multinomial
 
update(double[], int) - Method in class smile.classification.MLP
Updates the model with a single sample.
update(double[], E) - Method in class smile.neighbor.MutableLSH
Update an entry with new key.
update(int) - Method in class smile.base.mlp.MultilayerPerceptron
Updates the weights for mini-batch training.
update(int[][], int) - Method in class smile.sequence.HMM
Updates the HMM by the Baum-Welch algorithm.
update(int[][], int[]) - Method in class smile.classification.DiscreteNaiveBayes
Batch learning of naive Bayes classifier on sequences, which are modeled as a bag of words.
update(int[], int) - Method in class smile.classification.DiscreteNaiveBayes
Online learning of naive Bayes classifier on a sequence, which is modeled as a bag of words.
update(int[], int) - Method in class smile.classification.Maxent.Binomial
 
update(int[], int) - Method in class smile.classification.Maxent.Multinomial
 
update(int, double) - Method in class smile.math.Complex.Array
Sets the i-th element with a real value.
update(int, double) - Method in class smile.tensor.Vector
Sets A[i] = x for Scala users.
update(int, double, double, double, double, double) - Method in class smile.base.mlp.InputLayer
 
update(int, double, double, double, double, double) - Method in class smile.base.mlp.Layer
Adjust network weights by back-propagation algorithm.
update(int, int, double) - Method in interface smile.tensor.Matrix
Sets A[i,j] = x for Scala users.
update(int, int, Object) - Method in record class smile.data.DataFrame
Updates the value at position (i, j).
update(int, Object) - Method in interface smile.data.vector.ValueVector
Updates the value at position i.
update(int, StructField) - Method in record class smile.data.type.StructType
Sets a field.
update(int, Complex) - Method in class smile.math.Complex.Array
Sets the i-th element.
update(String) - Method in class smile.data.SQL
Executes an INSERT, UPDATE, or DELETE statement.
update(String, ValueVector) - Method in record class smile.data.DataFrame
Sets the column values.
update(DataFrame) - Method in class smile.feature.extraction.GHA
Update the model with a new data frame.
update(DataFrame) - Method in class smile.regression.LinearModel
Online update the regression model with a new data frame.
update(Dataset) - Method in interface smile.regression.Regression
Updates the model with a mini-batch of new samples.
update(Dataset) - Method in interface smile.classification.Classifier
Updates the model with a mini-batch of new samples.
update(Tuple) - Method in class smile.feature.extraction.GHA
Update the model with a new sample.
update(Tuple) - Method in class smile.regression.LinearModel
Online update the regression model with a new training instance.
update(Tensor, Tensor) - Method in class smile.deep.metric.Accuracy
 
update(Tensor, Tensor) - Method in interface smile.deep.metric.Metric
Updates the metric states with input data.
update(Tensor, Tensor) - Method in class smile.deep.metric.Precision
 
update(Tensor, Tensor) - Method in class smile.deep.metric.Recall
 
update(ArrayElementFunction) - Method in class smile.util.SparseArray
Updates each nonzero entry.
update(IntArrayElementFunction) - Method in class smile.util.SparseIntArray
Updates each nonzero entry.
update(SparseArray[], int[]) - Method in class smile.classification.DiscreteNaiveBayes
Batch learning of naive Bayes classifier on sequences, which are modeled as a bag of words.
update(SparseArray, int) - Method in class smile.classification.DiscreteNaiveBayes
Online learning of naive Bayes classifier on a sequence, which is modeled as a bag of words.
update(SparseArray, int) - Method in class smile.classification.SparseLogisticRegression.Binomial
 
update(SparseArray, int) - Method in class smile.classification.SparseLogisticRegression.Multinomial
 
update(T[][], int) - Method in class smile.sequence.HMMLabeler
Updates the HMM by the Baum-Welch algorithm.
update(T[][], int, ToIntFunction) - Method in class smile.sequence.HMM
Updates the HMM by the Baum-Welch algorithm.
update(T[], double[]) - Method in interface smile.regression.Regression
Updates the model with a mini-batch of new samples.
update(T[], int[]) - Method in interface smile.classification.Classifier
Updates the model with a mini-batch of new samples.
update(T, double) - Method in interface smile.regression.Regression
Online update the classifier with a new training instance.
update(T, int) - Method in interface smile.classification.Classifier
Online update the classifier with a new training instance.
updateEdges(int, ArrayElementFunction) - Method in class smile.graph.AdjacencyList
 
updateEdges(int, ArrayElementFunction) - Method in class smile.graph.AdjacencyMatrix
 
updateEdges(int, ArrayElementFunction) - Method in class smile.graph.Graph
Updates the edge weights of a vertex.
UPGMALinkage - Class in smile.clustering.linkage
Unweighted Pair Group Method with Arithmetic mean (also known as average linkage).
UPGMALinkage(double[][]) - Constructor for class smile.clustering.linkage.UPGMALinkage
Constructor.
UPGMALinkage(int, float[]) - Constructor for class smile.clustering.linkage.UPGMALinkage
Constructor.
UPGMCLinkage - Class in smile.clustering.linkage
Unweighted Pair Group Method using Centroids (also known as centroid linkage).
UPGMCLinkage(double[][]) - Constructor for class smile.clustering.linkage.UPGMCLinkage
Constructor.
UPGMCLinkage(int, float[]) - Constructor for class smile.clustering.linkage.UPGMCLinkage
Constructor.
uplo() - Method in class smile.tensor.BandMatrix
Gets the format of packed matrix.
uplo() - Method in class smile.tensor.DenseMatrix
Gets the format of packed matrix.
uplo() - Method in class smile.tensor.SymmMatrix
Gets the format of packed matrix.
UPLO - Enum Class in smile.linalg
The format of packed matrix storage.
UPPER - Enum constant in enum class smile.linalg.UPLO
Upper triangle is stored.
url(String) - Method in class smile.plot.vega.Data
Sets the url of the data source.
URL - Static variable in interface smile.util.Regex
Internet URLs.
USArrests - Record Class in smile.datasets
Violent crime rates by US state.
USArrests() - Constructor for record class smile.datasets.USArrests
Constructor.
USArrests(Path) - Constructor for record class smile.datasets.USArrests
Constructor.
USArrests(DataFrame) - Constructor for record class smile.datasets.USArrests
Creates an instance of a USArrests record class.
user - Enum constant in enum class smile.llm.Role
End user.
usermeta(JsonNode) - Method in class smile.plot.vega.Concat
 
usermeta(JsonNode) - Method in class smile.plot.vega.Facet
 
usermeta(JsonNode) - Method in class smile.plot.vega.Repeat
 
usermeta(JsonNode) - Method in class smile.plot.vega.VegaLite
Optional metadata that will be passed to Vega.
usermeta(JsonNode) - Method in class smile.plot.vega.View
 
usermeta(Object) - Method in class smile.plot.vega.Concat
 
usermeta(Object) - Method in class smile.plot.vega.Facet
 
usermeta(Object) - Method in class smile.plot.vega.Repeat
 
usermeta(Object) - Method in class smile.plot.vega.VegaLite
Optional metadata that will be passed to Vega.
usermeta(Object) - Method in class smile.plot.vega.View
 
USPS - Record Class in smile.datasets
USPS handwritten text recognition dataset.
USPS() - Constructor for record class smile.datasets.USPS
Constructor.
USPS(Path, Path) - Constructor for record class smile.datasets.USPS
Constructor.
USPS(DataFrame, DataFrame, Formula) - Constructor for record class smile.datasets.USPS
Creates an instance of a USPS record class.

V

v() - Method in record class smile.graph.Graph.Edge
Returns the value of the v record component.
V2L() - Static method in class smile.vision.EfficientNet
EfficientNet-V2_L (largest) model.
V2L(String) - Static method in class smile.vision.EfficientNet
EfficientNet-V2_L (largest) model.
V2M() - Static method in class smile.vision.EfficientNet
EfficientNet-V2_M (larger) model.
V2M(String) - Static method in class smile.vision.EfficientNet
EfficientNet-V2_M (larger) model.
V2S() - Static method in class smile.vision.EfficientNet
EfficientNet-V2_S (baseline) model.
V2S(String) - Static method in class smile.vision.EfficientNet
EfficientNet-V2_S (baseline) model.
val(boolean) - Static method in interface smile.data.formula.Terms
Returns a constant boolean term.
val(byte) - Static method in interface smile.data.formula.Terms
Returns a constant byte term.
val(char) - Static method in interface smile.data.formula.Terms
Returns a constant char term.
val(double) - Static method in interface smile.data.formula.Terms
Returns a constant double precision floating number term.
val(float) - Static method in interface smile.data.formula.Terms
Returns a constant single precision floating number term.
val(int) - Static method in interface smile.data.formula.Terms
Returns a constant integer term.
val(long) - Static method in interface smile.data.formula.Terms
Returns a constant long integer term.
val(short) - Static method in interface smile.data.formula.Terms
Returns a constant short integer term.
val(Object) - Static method in interface smile.data.formula.Terms
Returns a constant object term.
valid(String) - Static method in class smile.plot.vega.Predicate
Test if a field is valid, meaning it is neither null nor NaN.
value - Variable in class smile.util.MutableInt
The integer value.
value() - Method in interface smile.base.cart.Loss
Returns the value of loss function.
value() - Method in enum class smile.deep.tensor.DeviceType
Returns the byte value of device type, which is compatible with PyTorch.
value() - Method in record class smile.neighbor.Neighbor
Returns the value of the value record component.
value() - Method in record class smile.tensor.Scalar
Returns the value of the value record component.
value() - Method in record class smile.util.SparseArray.Entry
Returns the value of the value record component.
value() - Method in record class smile.util.SparseIntArray.Entry
Returns the value of the value record component.
value(JsonNode) - Method in class smile.plot.vega.ImputeTransform
Sets the field value to use when the imputation method is "value".
VALUE - Enum constant in enum class smile.linalg.EigenRange
All eigenvalues in the half-open interval (VL,VU] will be found.
valueLayout() - Method in class smile.tensor.JTensor
Returns the layout that models values of basic data types.
valueOf(int) - Method in class smile.util.IntSet
Maps an index to the corresponding value.
valueOf(String) - Static method in enum class smile.base.cart.Loss.Type
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in interface smile.base.cart.Loss
Parses the loss.
valueOf(String) - Static method in enum class smile.base.cart.SplitRule
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.base.mlp.Cost
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.base.mlp.OutputFunction
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.classification.DiscreteNaiveBayes.Model
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.data.CategoricalEncoder
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.data.formula.DateFeature
Returns the enum constant of this class with the specified name.
valueOf(String) - Method in class smile.data.measure.CategoricalMeasure
 
valueOf(String) - Method in interface smile.data.measure.Measure
Returns a measurement value object represented by the argument string s.
valueOf(String) - Method in class smile.data.measure.NumericalMeasure
 
valueOf(String) - Method in class smile.data.type.ArrayType
 
valueOf(String) - Method in class smile.data.type.BooleanType
 
valueOf(String) - Method in class smile.data.type.ByteType
 
valueOf(String) - Method in class smile.data.type.CharType
 
valueOf(String) - Static method in enum class smile.data.type.DataType.ID
Returns the enum constant of this class with the specified name.
valueOf(String) - Method in interface smile.data.type.DataType
Returns the value from its string representation.
valueOf(String) - Method in class smile.data.type.DateTimeType
 
valueOf(String) - Method in class smile.data.type.DateType
 
valueOf(String) - Method in class smile.data.type.DecimalType
 
valueOf(String) - Method in class smile.data.type.DoubleType
 
valueOf(String) - Method in class smile.data.type.FloatType
 
valueOf(String) - Method in class smile.data.type.IntType
 
valueOf(String) - Method in class smile.data.type.LongType
 
valueOf(String) - Method in class smile.data.type.ObjectType
 
valueOf(String) - Method in class smile.data.type.ShortType
 
valueOf(String) - Method in class smile.data.type.StringType
 
valueOf(String) - Method in record class smile.data.type.StructField
Returns the object value of string.
valueOf(String) - Method in record class smile.data.type.StructType
 
valueOf(String) - Method in class smile.data.type.TimeType
 
valueOf(String) - Static method in enum class smile.deep.metric.Averaging
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.deep.tensor.DeviceType
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.deep.tensor.Layout
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.deep.tensor.ScalarType
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.feature.transform.Normalizer.Norm
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.gap.Crossover
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.io.JSON.Mode
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.Diag
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.EigenRange
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.EVDJob
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.Order
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.Side
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.SVDJob
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.Transpose
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.linalg.UPLO
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.llm.FinishReason
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.llm.Role
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.nlp.dictionary.EnglishDictionary
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.nlp.dictionary.EnglishStopWords
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.nlp.pos.PennTreebankPOS
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.plot.swing.Line.Style
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.regression.OLS.Method
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.tensor.ARPACK.AsymmOption
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.tensor.ARPACK.SymmOption
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.tensor.ScalarType
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.timeseries.AR.Method
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.timeseries.BoxTest.Type
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.validation.metric.AdjustedMutualInformation.Method
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.validation.metric.Averaging
Returns the enum constant of this class with the specified name.
valueOf(String) - Static method in enum class smile.validation.metric.NormalizedMutualInformation.Method
Returns the enum constant of this class with the specified name.
values - Variable in class smile.util.IntSet
Map of index to original values.
values() - Static method in enum class smile.base.cart.Loss.Type
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.base.cart.SplitRule
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.base.mlp.Cost
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.base.mlp.OutputFunction
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.classification.DiscreteNaiveBayes.Model
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.data.CategoricalEncoder
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.data.formula.DateFeature
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Method in class smile.data.measure.CategoricalMeasure
Returns the valid value set.
values() - Method in record class smile.data.RowIndex
Returns the value of the values record component.
values() - Static method in enum class smile.data.type.DataType.ID
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.deep.metric.Averaging
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.deep.tensor.DeviceType
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.deep.tensor.Layout
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.deep.tensor.ScalarType
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.feature.transform.Normalizer.Norm
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.gap.Crossover
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.io.JSON.Mode
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.Diag
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.EigenRange
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.EVDJob
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.Order
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.Side
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.SVDJob
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.Transpose
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.linalg.UPLO
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.llm.FinishReason
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.llm.Role
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Method in class smile.neighbor.MutableLSH
Returns the values.
values() - Static method in enum class smile.nlp.dictionary.EnglishDictionary
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.nlp.dictionary.EnglishStopWords
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.nlp.pos.PennTreebankPOS
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.plot.swing.Line.Style
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.regression.OLS.Method
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.tensor.ARPACK.AsymmOption
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.tensor.ARPACK.SymmOption
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.tensor.ScalarType
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.timeseries.AR.Method
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.timeseries.BoxTest.Type
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.validation.metric.AdjustedMutualInformation.Method
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.validation.metric.Averaging
Returns an array containing the constants of this enum class, in the order they are declared.
values() - Static method in enum class smile.validation.metric.NormalizedMutualInformation.Method
Returns an array containing the constants of this enum class, in the order they are declared.
values(String) - Method in class smile.plot.vega.Data
Sets an array describing the data source.
values(String...) - Method in class smile.plot.vega.Legend
Sets the explicitly set the visible legend values.
values(List) - Method in class smile.plot.vega.Data
Sets a list describing the data source.
values(T[]) - Method in class smile.plot.vega.Data
Sets an array describing the data source.
valueStream() - Method in class smile.util.SparseArray
Returns the stream of the values of nonzero entries.
valueStream() - Method in class smile.util.SparseIntArray
Returns the stream of the values of nonzero entries.
valueToString(Object) - Method in class smile.swing.text.FloatArrayFormatter
 
valueToString(Object) - Method in class smile.swing.text.IntegerArrayFormatter
 
ValueVector - Interface in smile.data.vector
ValueVector interface is an abstraction that is used to store a sequence of values having the same type in an individual column of data frame.
var(double[]) - Static method in class smile.math.MathEx
Returns the variance of an array.
var(float[]) - Static method in class smile.math.MathEx
Returns the variance of an array.
var(int[]) - Static method in class smile.math.MathEx
Returns the variance of an array.
Variable - Record Class in smile.data.formula
A variable in the formula.
Variable(String) - Constructor for record class smile.data.formula.Variable
Creates an instance of a Variable record class.
variables() - Method in class smile.data.formula.AbstractBiFunction
 
variables() - Method in class smile.data.formula.AbstractFunction
 
variables() - Method in class smile.data.formula.Constant
 
variables() - Method in class smile.data.formula.Date
 
variables() - Method in class smile.data.formula.Delete
 
variables() - Method in class smile.data.formula.Dot
 
variables() - Method in class smile.data.formula.FactorCrossing
 
variables() - Method in class smile.data.formula.FactorInteraction
 
variables() - Method in record class smile.data.formula.Intercept
 
variables() - Method in interface smile.data.formula.Term
Returns the set of variables used in this term.
variables() - Method in record class smile.data.formula.Variable
 
variance() - Method in class smile.feature.extraction.PCA
Returns the principal component variances, ordered from largest to smallest, which are the eigenvalues of the covariance or correlation matrix of learning data.
variance() - Method in class smile.feature.extraction.ProbabilisticPCA
Returns the variance of noise.
variance() - Method in class smile.stat.distribution.BernoulliDistribution
 
variance() - Method in class smile.stat.distribution.BetaDistribution
 
variance() - Method in class smile.stat.distribution.BinomialDistribution
 
variance() - Method in class smile.stat.distribution.ChiSquareDistribution
 
variance() - Method in class smile.stat.distribution.DiscreteMixture
 
variance() - Method in interface smile.stat.distribution.Distribution
Returns the variance of distribution.
variance() - Method in class smile.stat.distribution.EmpiricalDistribution
 
variance() - Method in class smile.stat.distribution.ExponentialDistribution
 
variance() - Method in class smile.stat.distribution.FDistribution
 
variance() - Method in class smile.stat.distribution.GammaDistribution
 
variance() - Method in class smile.stat.distribution.GaussianDistribution
 
variance() - Method in class smile.stat.distribution.GeometricDistribution
 
variance() - Method in class smile.stat.distribution.HyperGeometricDistribution
 
variance() - Method in class smile.stat.distribution.KernelDensity
 
variance() - Method in class smile.stat.distribution.LogisticDistribution
 
variance() - Method in class smile.stat.distribution.LogNormalDistribution
 
variance() - Method in class smile.stat.distribution.Mixture
 
variance() - Method in class smile.stat.distribution.NegativeBinomialDistribution
 
variance() - Method in class smile.stat.distribution.PoissonDistribution
 
variance() - Method in class smile.stat.distribution.ShiftedGeometricDistribution
 
variance() - Method in class smile.stat.distribution.TDistribution
 
variance() - Method in class smile.stat.distribution.WeibullDistribution
 
variance() - Method in class smile.timeseries.AR
Returns the residual variance.
variance() - Method in class smile.timeseries.ARMA
Returns the residual variance.
variance(double) - Method in interface smile.glm.model.Model
The variance function.
varianceProportion() - Method in class smile.feature.extraction.PCA
Returns the proportion of variance contained in each principal component, ordered from largest to smallest.
variances() - Method in class smile.manifold.KPCA
Returns the eigenvalues of kernel principal components, ordered from largest to smallest.
Variogram - Interface in smile.interpolation.variogram
In spatial statistics the theoretical variogram 2γ(x,y) is a function describing the degree of spatial dependence of a spatial random field or stochastic process Z(x).
VB - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, base form.
VBD - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, past tense.
VBG - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, gerund or present participle.
VBN - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, past participle.
VBP - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, non-3rd person singular present.
VBZ - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Verb, 3rd person singular present.
vdprintf(int, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vdprintf(int __fd, const char *restrict __fmt, __gnuc_va_list __arg)
vdprintf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vdprintf(int __fd, const char *restrict __fmt, __gnuc_va_list __arg)
vdprintf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vdprintf(int __fd, const char *restrict __fmt, __gnuc_va_list __arg)
vdprintf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vdprintf(int __fd, const char *restrict __fmt, __gnuc_va_list __arg)
vector(double[]) - Method in class smile.base.mlp.MultilayerPerceptron
Wraps an array into vector.
vector(double[]) - Method in interface smile.tensor.Matrix
Creates a column vector of same scalar type.
vector(float[]) - Method in interface smile.tensor.Matrix
Creates a column vector of same scalar type.
vector(int) - Method in interface smile.tensor.Matrix
Creates a column vector of same scalar type.
Vector - Class in smile.tensor
Mathematical vector interface.
VectorQuantizer - Interface in smile.vq
Vector quantizer with competitive learning.
vectors - Variable in class smile.nlp.embedding.Word2Vec
The vector space.
vectors() - Method in class smile.base.svm.KernelMachine
Returns the support vectors of kernel machines.
VECTORS - Enum constant in enum class smile.linalg.EVDJob
Both eigen values and vectors are computed.
VegaLite - Class in smile.plot.vega
Vega-Lite specifications are JSON objects that describe a diverse range of interactive visualizations.
VegaLite() - Constructor for class smile.plot.vega.VegaLite
Constructor.
VertexVisitor - Interface in smile.graph
A visitor is encapsulation of some operation on graph vertices during traveling graph (DFS or BFS).
vertical(VegaLite...) - Static method in class smile.plot.vega.Concat
Returns a vertical concatenation of views.
vfprintf(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vfprintf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfprintf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vfprintf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfprintf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vfprintf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfprintf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vfprintf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfscanf(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vfscanf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfscanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vfscanf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfscanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vfscanf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vfscanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vfscanf(FILE *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
view(long...) - Method in class smile.deep.tensor.Tensor
Returns a view tensor that shares the same underlying data with this base tensor.
View - Class in smile.plot.vega
Single view specification, which describes a view that uses a single mark type to visualize the data.
View() - Constructor for class smile.plot.vega.View
Constructor.
View(String) - Constructor for class smile.plot.vega.View
Constructor.
viewAsComplex() - Method in class smile.deep.tensor.Tensor
Returns a view of tensor as a complex tensor.
viewAsReal() - Method in class smile.deep.tensor.Tensor
Returns a view of tensor as a real tensor.
ViewComposition - Interface in smile.plot.vega
All view composition specifications (layer, facet, concat, and repeat) can have the resolve property for scale, axes, and legend resolution.
viewConfig() - Method in class smile.plot.vega.VegaLite
Returns the configuration object defining the style of a single view visualization.
ViewConfig - Class in smile.plot.vega
The style of a single view visualization.
ViewLayoutComposition - Interface in smile.plot.vega
All view layout composition (facet, concat, and repeat) can have the following layout properties: align, bounds, center, spacing.
VIOLET - Static variable in class smile.plot.swing.Palette
The color violet with an RGB value of #EE82EE
VisionModel - Class in smile.vision
The computer vision models.
VisionModel(LayerBlock, Transform) - Constructor for class smile.vision.VisionModel
Constructor.
viterbi(Tuple[]) - Method in class smile.sequence.CRF
Labels sequence with Viterbi algorithm.
viterbi(T[]) - Method in class smile.sequence.CRFLabeler
Labels sequence with Viterbi algorithm.
Vl() - Method in record class smile.tensor.EVD
Returns the value of the Vl record component.
vocabSize() - Method in record class smile.llm.llama.ModelArgs
Returns the value of the vocabSize record component.
vote(Tuple, double[]) - Method in class smile.classification.RandomForest
Predict and estimate the probability by voting.
vprintf(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vprintf(const char *restrict __format, __gnuc_va_list __arg)
vprintf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vprintf(const char *restrict __format, __gnuc_va_list __arg)
vprintf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vprintf(const char *restrict __format, __gnuc_va_list __arg)
vprintf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vprintf(const char *restrict __format, __gnuc_va_list __arg)
Vr() - Method in record class smile.tensor.EVD
Returns the value of the Vr record component.
vscanf(MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vscanf(const char *restrict __format, __gnuc_va_list __arg)
vscanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vscanf(const char *restrict __format, __gnuc_va_list __arg)
vscanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vscanf(const char *restrict __format, __gnuc_va_list __arg)
vscanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vscanf(const char *restrict __format, __gnuc_va_list __arg)
vsnprintf(MemorySegment, long, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vsnprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, __gnuc_va_list __arg)
vsnprintf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vsnprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, __gnuc_va_list __arg)
vsnprintf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vsnprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, __gnuc_va_list __arg)
vsnprintf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vsnprintf(char *restrict __s, size_t __maxlen, const char *restrict __format, __gnuc_va_list __arg)
vsprintf(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vsprintf(char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsprintf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vsprintf(char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsprintf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vsprintf(char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsprintf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vsprintf(char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsscanf(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int vsscanf(const char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsscanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int vsscanf(const char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsscanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int vsscanf(const char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vsscanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int vsscanf(const char *restrict __s, const char *restrict __format, __gnuc_va_list __arg)
vstack(Tensor...) - Static method in class smile.deep.tensor.Tensor
Stacks tensors in sequence vertically (row wise).
Vt() - Method in record class smile.tensor.SVD
Returns the value of the Vt record component.

W

w - Variable in class smile.neighbor.LSH
The width of projection.
w - Variable in class smile.regression.GaussianProcessRegression
The linear weights.
w - Variable in class smile.vq.hebb.Neuron
The reference vector.
w1 - Variable in class smile.nlp.Bigram
Immutable first word of bigram.
w2 - Variable in class smile.nlp.Bigram
Immutable second word of bigram.
walkin(File, List) - Static method in class smile.nlp.pos.HMMPOSTagger
Recursive function to descend into the directory tree and find all the files that end with ".POS"
WardLinkage - Class in smile.clustering.linkage
Ward's linkage.
WardLinkage(double[][]) - Constructor for class smile.clustering.linkage.WardLinkage
Constructor.
WardLinkage(int, float[]) - Constructor for class smile.clustering.linkage.WardLinkage
Constructor.
Wavelet - Class in smile.wavelet
A wavelet is a wave-like oscillation with an amplitude that starts out at zero, increases, and then decreases back to zero.
Wavelet(double[]) - Constructor for class smile.wavelet.Wavelet
Constructor.
WaveletShrinkage - Interface in smile.wavelet
The wavelet shrinkage is a signal denoising technique based on the idea of thresholding the wavelet coefficients.
WCHAR_MAX() - Static method in class smile.linalg.blas.cblas_h
#define WCHAR_MAX 2147483647
WCHAR_MIN() - Static method in class smile.linalg.blas.cblas_h
#define WCHAR_MIN -2147483648
wchar_t - Static variable in class smile.linalg.blas.cblas_h
typedef int wchar_t
WCNB - Enum constant in enum class smile.classification.DiscreteNaiveBayes.Model
Weight-normalized Complement Naive Bayes.
WDT - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Wh-determiner.
Weather - Record Class in smile.datasets
Toy weather dataset.
Weather() - Constructor for record class smile.datasets.Weather
Constructor.
Weather(Path) - Constructor for record class smile.datasets.Weather
Constructor.
Weather(DataFrame, Formula) - Constructor for record class smile.datasets.Weather
Creates an instance of a Weather record class.
WeatherNominal - Record Class in smile.datasets
Toy weather dataset, of which all attributes are nominal.
WeatherNominal() - Constructor for record class smile.datasets.WeatherNominal
Constructor.
WeatherNominal(Path) - Constructor for record class smile.datasets.WeatherNominal
Constructor.
WeatherNominal(DataFrame, Formula) - Constructor for record class smile.datasets.WeatherNominal
Creates an instance of a WeatherNominal record class.
web(String) - Static method in class smile.plot.swing.Palette
Creates a color specified with an HTML or CSS attribute string.
web(String, float) - Static method in class smile.plot.swing.Palette
Creates a color specified with an HTML or CSS attribute string.
WEEK_OF_MONTH - Enum constant in enum class smile.data.formula.DateFeature
The count of weeks within the month.
WEEK_OF_YEAR - Enum constant in enum class smile.data.formula.DateFeature
The count of weeks within the year.
WeibullDistribution - Class in smile.stat.distribution
The Weibull distribution is one of the most widely used lifetime distributions in reliability engineering.
WeibullDistribution(double) - Constructor for class smile.stat.distribution.WeibullDistribution
Constructor.
WeibullDistribution(double, double) - Constructor for class smile.stat.distribution.WeibullDistribution
Constructor.
weight - Variable in class smile.base.mlp.Layer
The affine transformation matrix.
weight() - Method in class smile.base.mlp.Layer
Returns the weight matrix.
weight() - Method in record class smile.classification.RandomForest.Model
Returns the value of the weight record component.
weight() - Method in record class smile.graph.Graph.Edge
Returns the value of the weight record component.
Weighted - Enum constant in enum class smile.deep.metric.Averaging
Weighted macro for imbalanced classes.
Weighted - Enum constant in enum class smile.validation.metric.Averaging
Weighted macro for imbalanced classes.
weightedError() - Method in record class smile.classification.AdaBoost.TrainingStatus
Returns the value of the weightedError record component.
weightGradient - Variable in class smile.base.mlp.Layer
The weight gradient.
weightGradientMoment1 - Variable in class smile.base.mlp.Layer
The first moment of weight gradient.
weightGradientMoment2 - Variable in class smile.base.mlp.Layer
The second moment of weight gradient.
weights() - Method in class smile.base.svm.KernelMachine
Returns the weights of instances.
weights() - Method in class smile.base.svm.LinearKernelMachine
Returns the linear weights.
weights() - Method in class smile.classification.BinarySparseLinearSVM
Returns the linear weights.
weights() - Method in class smile.classification.LinearSVM
Returns the linear weights.
weights() - Method in class smile.classification.SparseLinearSVM
Returns the linear weights.
weights() - Method in class smile.regression.BinarySparseLinearSVM
Returns the linear weights.
weights() - Method in class smile.regression.LinearSVM
Returns the linear weights.
weights() - Method in class smile.regression.SparseLinearSVM
Returns the linear weights.
weightUpdate - Variable in class smile.base.mlp.Layer
The weight update.
WHEAT - Static variable in class smile.plot.swing.Palette
The color wheat with an RGB value of #F5DEB3
where(Tensor, double, double) - Static method in class smile.deep.tensor.Tensor
Returns a tensor of elements selected from either input or other, depending on condition.
where(Tensor, int, int) - Static method in class smile.deep.tensor.Tensor
Returns a tensor of elements selected from either input or other, depending on condition.
where(Tensor, Tensor, Tensor) - Static method in class smile.deep.tensor.Tensor
Returns a tensor of elements selected from either input or other, depending on condition.
whichMax(double[]) - Static method in class smile.math.MathEx
Returns the index of maximum value of an array.
whichMax(double[][]) - Static method in class smile.math.MathEx
Returns the index of maximum value of a matrix.
whichMax(float[]) - Static method in class smile.math.MathEx
Returns the index of maximum value of an array.
whichMax(int[]) - Static method in class smile.math.MathEx
Returns the index of maximum value of an array.
whichMin(double[]) - Static method in class smile.math.MathEx
Returns the index of minimum value of an array.
whichMin(double[][]) - Static method in class smile.math.MathEx
Returns the index of minimum value of a matrix.
whichMin(float[]) - Static method in class smile.math.MathEx
Returns the index of minimum value of an array.
whichMin(int[]) - Static method in class smile.math.MathEx
Returns the index of minimum value of an array.
WHITE - Static variable in class smile.plot.swing.Palette
The color white with an RGB value of #FFFFFF
WHITE_SMOKE - Static variable in class smile.plot.swing.Palette
The color white smoke with an RGB value of #F5F5F5
wi() - Method in record class smile.tensor.EVD
Returns the value of the wi record component.
width() - Method in class smile.plot.swing.Projection
Returns the width of canvas.
width(double) - Method in class smile.plot.vega.Mark
Sets the width of the marks.
width(int) - Method in class smile.plot.vega.Layer
 
width(int) - Method in class smile.plot.vega.View
Sets the width of a plot with a continuous x-field, or the fixed width of a plot a discrete x-field or no x-field.
width(String) - Method in class smile.plot.vega.Layer
 
width(String) - Method in class smile.plot.vega.View
To enable responsive sizing on width.
widthStep(int) - Method in class smile.plot.vega.Layer
 
widthStep(int) - Method in class smile.plot.vega.View
For a discrete x-field, sets the width per discrete step.
window() - Method in class smile.plot.swing.FigurePane
Shows the figure in a window.
window() - Method in interface smile.plot.swing.Scene
Shows the scene in a window.
window(WindowTransformField...) - Method in class smile.plot.vega.Transform
Creates a data specification object.
WindowCount - Static variable in interface smile.plot.swing.Scene
The number of created windows, as the default window title.
WindowTransform - Class in smile.plot.vega
The window transform performs calculations over sorted groups of data objects.
WindowTransformField - Record Class in smile.plot.vega
A sort field definition for sorting data objects within a window.
WindowTransformField(String, String, double, String) - Constructor for record class smile.plot.vega.WindowTransformField
Creates an instance of a WindowTransformField record class.
winsor(double[]) - Static method in class smile.math.Scaler
Returns the scaler that map the values into the range [0, 1].
winsor(double[], double, double) - Static method in class smile.math.Scaler
Returns the scaler that map the values into the range [0, 1].
WinsorScaler - Interface in smile.feature.transform
Scales all numeric variables into the range [0, 1].
WINT_MAX() - Static method in class smile.linalg.blas.cblas_h
#define WINT_MAX 4294967295
WINT_MIN() - Static method in class smile.linalg.blas.cblas_h
#define WINT_MIN 0
Wireframe - Class in smile.plot.swing
A wire frame model specifies each edge of the physical object where two mathematically continuous smooth surfaces meet, or by connecting an object's constituent vertices using straight lines or curves.
Wireframe(double[][], int[][], Color) - Constructor for class smile.plot.swing.Wireframe
Constructor.
withColNames(String[]) - Method in class smile.tensor.DenseMatrix
Sets the column names.
withDiag(Diag) - Method in class smile.tensor.DenseMatrix
Sets/unsets if the matrix is triangular.
withName(String) - Method in record class smile.data.type.StructField
Returns the StructField with the new name.
withName(String) - Method in class smile.data.vector.BooleanVector
 
withName(String) - Method in class smile.data.vector.ByteVector
 
withName(String) - Method in class smile.data.vector.CharVector
 
withName(String) - Method in class smile.data.vector.DoubleVector
 
withName(String) - Method in class smile.data.vector.FloatVector
 
withName(String) - Method in class smile.data.vector.IntVector
 
withName(String) - Method in class smile.data.vector.LongVector
 
withName(String) - Method in class smile.data.vector.NullableBooleanVector
 
withName(String) - Method in class smile.data.vector.NullableByteVector
 
withName(String) - Method in class smile.data.vector.NullableCharVector
 
withName(String) - Method in class smile.data.vector.NullableDoubleVector
 
withName(String) - Method in class smile.data.vector.NullableFloatVector
 
withName(String) - Method in class smile.data.vector.NullableIntVector
 
withName(String) - Method in class smile.data.vector.NullableLongVector
 
withName(String) - Method in class smile.data.vector.NullableShortVector
 
withName(String) - Method in class smile.data.vector.NumberVector
 
withName(String) - Method in class smile.data.vector.ObjectVector
 
withName(String) - Method in class smile.data.vector.ShortVector
 
withName(String) - Method in class smile.data.vector.StringVector
 
withName(String) - Method in interface smile.data.vector.ValueVector
Returns the vector with the new name.
withRowNames(String[]) - Method in class smile.tensor.DenseMatrix
Sets the row names.
withUplo(UPLO) - Method in class smile.tensor.BandMatrix
Sets the format of symmetric band matrix.
withUplo(UPLO) - Method in class smile.tensor.DenseMatrix
Sets the format of packed matrix.
woe() - Method in record class smile.feature.selection.InformationValue
Returns the value of the woe record component.
Word2Vec - Class in smile.nlp.embedding
Word2vec is a group of related models that are used to produce word embeddings.
Word2Vec(String[], float[][]) - Constructor for class smile.nlp.embedding.Word2Vec
Constructor.
WordNet - Record Class in smile.datasets
Words in WordNet datasets.
WordNet() - Constructor for record class smile.datasets.WordNet
Constructor.
WordNet(String[]) - Constructor for record class smile.datasets.WordNet
Creates an instance of a WordNet record class.
WordNet(Path) - Constructor for record class smile.datasets.WordNet
Constructor.
words - Variable in class smile.nlp.embedding.Word2Vec
The vocabulary.
words - Variable in class smile.nlp.NGram
Immutable word sequences.
words() - Method in record class smile.datasets.WordNet
Returns the value of the words record component.
words() - Method in class smile.nlp.SimpleText
 
words() - Method in interface smile.nlp.TextTerms
Returns the iterator of the words of the document.
WP - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Wh-pronoun.
WP$ - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Possessive wh-pronoun.
WPGMALinkage - Class in smile.clustering.linkage
Weighted Pair Group Method with Arithmetic mean.
WPGMALinkage(double[][]) - Constructor for class smile.clustering.linkage.WPGMALinkage
Constructor.
WPGMALinkage(int, float[]) - Constructor for class smile.clustering.linkage.WPGMALinkage
Constructor.
WPGMCLinkage - Class in smile.clustering.linkage
Weighted Pair Group Method using Centroids (also known as median linkage).
WPGMCLinkage(double[][]) - Constructor for class smile.clustering.linkage.WPGMCLinkage
Constructor.
WPGMCLinkage(int, float[]) - Constructor for class smile.clustering.linkage.WPGMCLinkage
Constructor.
wr() - Method in record class smile.tensor.EVD
Returns the value of the wr record component.
WRB - Enum constant in enum class smile.nlp.pos.PennTreebankPOS
Wh-adverb.
write(DataFrame, Path) - Method in class smile.io.Arrow
Writes the data frame to an arrow file.
write(DataFrame, Path) - Method in class smile.io.CSV
Writes the data frame to a csv file with UTF-8 encoding.
write(DataFrame, Path, String) - Static method in class smile.io.Arff
Writes the data frame to an ARFF file.
Write - Interface in smile.io
Writes data to external storage systems.

X

x - Variable in class smile.base.cart.CART
The training data.
x - Variable in class smile.regression.GaussianProcessRegression.JointPrediction
The query points where the GP is evaluated.
x - Variable in class smile.tensor.SparseMatrix.Entry
The value.
x() - Method in class smile.data.BinarySparseSequenceDataset
Returns the flatten sequence data.
x() - Method in record class smile.data.SampleInstance
Returns the value of the x record component.
x() - Method in record class smile.datasets.Abalone
Returns the train sample features.
x() - Method in record class smile.datasets.Ailerons
Returns the sample features.
x() - Method in record class smile.datasets.AutoMPG
Returns the sample features.
x() - Method in record class smile.datasets.Bank32nh
Returns the sample features.
x() - Method in record class smile.datasets.BostonHousing
Returns the sample features.
x() - Method in record class smile.datasets.BreastCancer
Returns the sample features.
x() - Method in record class smile.datasets.CalHousing
Returns the sample features.
x() - Method in record class smile.datasets.ColonCancer
Returns the value of the x record component.
x() - Method in record class smile.datasets.CPU
Returns the sample features.
x() - Method in record class smile.datasets.Default
Returns the sample features.
x() - Method in record class smile.datasets.Diabetes
Returns the sample features.
x() - Method in record class smile.datasets.Eurodist
Returns the sample features.
x() - Method in record class smile.datasets.GaussianMixture
Returns the value of the x record component.
x() - Method in record class smile.datasets.ImageSegmentation
Returns the train sample features.
x() - Method in record class smile.datasets.Iris
Returns the sample features.
x() - Method in record class smile.datasets.Kin8nm
Returns the sample features.
x() - Method in record class smile.datasets.LibrasMovement
Returns the sample features.
x() - Method in record class smile.datasets.Longley
Returns the train sample features.
x() - Method in record class smile.datasets.MNIST
Returns the sample features.
x() - Method in record class smile.datasets.PenDigits
Returns the sample features.
x() - Method in record class smile.datasets.Planes2D
Returns the sample features.
x() - Method in record class smile.datasets.ProstateCancer
Returns the train sample features.
x() - Method in record class smile.datasets.Puma8NH
Returns the sample features.
x() - Method in record class smile.datasets.SyntheticControl
Returns the sample features.
x() - Method in record class smile.datasets.USArrests
Returns the sample features.
x() - Method in record class smile.datasets.USPS
Returns the train sample features.
x() - Method in class smile.timeseries.AR
Returns the time series.
x() - Method in class smile.timeseries.ARMA
Returns the time series.
x(double) - Method in class smile.plot.vega.Legend
Sets the custom x-position for legend with orient "none".
x(double) - Method in class smile.plot.vega.Mark
Sets the X coordinates of the marks.
x(String) - Method in class smile.plot.vega.Mark
Sets the width of horizontal "bar" and "area" without specified x2 or width.
x(DataFrame) - Method in class smile.data.formula.Formula
Returns a data frame of predictors.
x(Tuple) - Method in class smile.data.formula.Formula
Apply the formula on a tuple to generate the predictor data.
x2(double) - Method in class smile.plot.vega.Mark
Sets the X2 coordinates for ranged "area", "bar", "rect", and "rule".
x2(String) - Method in class smile.plot.vega.Mark
Sets the width.
x2Offset(double) - Method in class smile.plot.vega.Mark
Sets the offset for x2-position.
xAx(Vector) - Method in interface smile.tensor.Matrix
Returns the quadratic form x' * A * x.
XMeans - Class in smile.clustering
X-Means clustering algorithm, an extended K-Means which tries to automatically determine the number of clusters based on BIC scores.
xOffset(double) - Method in class smile.plot.vega.Mark
Sets the offset for x-position.

Y

y - Variable in class smile.classification.ClassLabels
The sample class id in [0, k).
y() - Method in class smile.data.BinarySparseSequenceDataset
Returns the flatten sequence element label.
y() - Method in record class smile.data.SampleInstance
Returns the value of the y record component.
y() - Method in record class smile.datasets.Abalone
Returns the train sample target values.
y() - Method in record class smile.datasets.Ailerons
Returns the target values.
y() - Method in record class smile.datasets.AutoMPG
Returns the target values.
y() - Method in record class smile.datasets.Bank32nh
Returns the target values.
y() - Method in record class smile.datasets.BostonHousing
Returns the target values.
y() - Method in record class smile.datasets.BreastCancer
Returns the class labels.
y() - Method in record class smile.datasets.CalHousing
Returns the target values.
y() - Method in record class smile.datasets.ColonCancer
Returns the value of the y record component.
y() - Method in record class smile.datasets.CPU
Returns the target values.
y() - Method in record class smile.datasets.Default
Returns the class labels.
y() - Method in record class smile.datasets.Diabetes
Returns the target values.
y() - Method in record class smile.datasets.GaussianMixture
Returns the value of the y record component.
y() - Method in record class smile.datasets.ImageSegmentation
Returns the train sample class labels.
y() - Method in record class smile.datasets.Iris
Returns the class labels.
y() - Method in record class smile.datasets.Kin8nm
Returns the target values.
y() - Method in record class smile.datasets.LibrasMovement
Returns the class labels.
y() - Method in record class smile.datasets.Longley
Returns the train sample class labels.
y() - Method in record class smile.datasets.MNIST
Returns the class labels.
y() - Method in record class smile.datasets.PenDigits
Returns the class labels.
y() - Method in record class smile.datasets.Planes2D
Returns the target values.
y() - Method in record class smile.datasets.ProstateCancer
Returns the train sample class labels.
y() - Method in record class smile.datasets.Puma8NH
Returns the target values.
y() - Method in record class smile.datasets.USPS
Returns the train sample class labels.
y() - Method in record class smile.datasets.Weather
Returns the class labels.
y() - Method in record class smile.datasets.WeatherNominal
Returns the class labels.
y(double) - Method in class smile.plot.vega.Legend
Sets the custom y-position for legend with orient "none".
y(double) - Method in class smile.plot.vega.Mark
Sets the Y coordinates of the marks.
y(String) - Method in class smile.plot.vega.Mark
Sets the height of horizontal "bar" and "area" without specified x2 or width.
y(DataFrame) - Method in class smile.data.formula.Formula
Returns the response vector.
y(Tuple) - Method in class smile.data.formula.Formula
Returns the real-valued response value.
y2(double) - Method in class smile.plot.vega.Mark
Sets the Y2 coordinates for ranged "area", "bar", "rect", and "rule".
y2(String) - Method in class smile.plot.vega.Mark
Sets the width.
y2Offset(double) - Method in class smile.plot.vega.Mark
Sets the offset for y2-position.
YEAR - Enum constant in enum class smile.data.formula.DateFeature
The year represented by an integer.
YELLOW - Static variable in class smile.plot.swing.Palette
The color yellow with an RGB value of #FFFF00
YELLOW_GREEN - Static variable in class smile.plot.swing.Palette
The color yellow green with an RGB value of #9ACD32
yint(Tuple) - Method in class smile.data.formula.Formula
Returns the integer-valued response value.
yOffset(double) - Method in class smile.plot.vega.Mark
Sets the offset for y-position.
YuleWalker - Enum constant in enum class smile.timeseries.AR.Method
Yule-Walker method.
YYYYMMDD - Static variable in class smile.swing.table.DateCellEditor
Predefined date editor in YYYY-MM-DD format.
YYYYMMDD - Static variable in class smile.swing.table.DateCellRenderer
Predefined date renderer in YYYY-MM-DD format.
YYYYMMDD_HHMM - Static variable in class smile.swing.table.DateCellEditor
Predefined datetime editor in yyyy-MM-dd HH:mm format.
YYYYMMDD_HHMM - Static variable in class smile.swing.table.DateCellRenderer
Predefined datetime renderer in yyyy-MM-dd HH:mm format.
YYYYMMDD_HHMMSS - Static variable in class smile.swing.table.DateCellEditor
Predefined datetime editor in yyyy-MM-dd HH:mm:ss format.
YYYYMMDD_HHMMSS - Static variable in class smile.swing.table.DateCellRenderer
Predefined datetime renderer in yyyy-MM-dd HH:mm:ss format.

Z

zbdsqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zbdsqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zbdsqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zbdsqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zbdsqr_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ncvt, __CLPK_integer *__nru, __CLPK_integer *__ncc, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zcgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zcgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcgesv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zcgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zcgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zcgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zcposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcposv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zcposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zcposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zcposv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zcposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_complex *__swork, __CLPK_doublereal *__rwork, __CLPK_integer *__iter, __CLPK_integer *__info)
zdrscl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zdrscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublecomplex *__sx, __CLPK_integer *__incx)
zdrscl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zdrscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublecomplex *__sx, __CLPK_integer *__incx)
zdrscl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zdrscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublecomplex *__sx, __CLPK_integer *__incx)
zdrscl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zdrscl_(__CLPK_integer *__n, __CLPK_doublereal *__sa, __CLPK_doublecomplex *__sx, __CLPK_integer *__incx)
zero(boolean) - Method in class smile.plot.vega.Field
If true, ensures that a zero baseline value is included in the scale domain.
zeros(int) - Method in class smile.tensor.Vector
Returns a zero column vector of the same scalar type as this vector.
zeros(int, int) - Method in class smile.tensor.DenseMatrix
Returns a zero matrix of the same scalar type as this matrix.
zeros(long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with all zeros.
zeros(Tensor.Options, long...) - Static method in class smile.deep.tensor.Tensor
Returns a tensor filled with all zeros.
zeros(ScalarType, int) - Static method in class smile.tensor.Vector
Returns a zero column vector.
zeros(ScalarType, int, int) - Static method in class smile.tensor.DenseMatrix
Returns a zero matrix.
zeros(ScalarType, int, int, int, int) - Static method in class smile.tensor.BandMatrix
Returns a zero matrix.
zeros(ScalarType, UPLO, int) - Static method in class smile.tensor.SymmMatrix
Returns a zero matrix.
zgbbrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__pt, __CLPK_integer *__ldpt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbbrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__pt, __CLPK_integer *__ldpt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbbrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__pt, __CLPK_integer *__ldpt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbbrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbbrd_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ncc, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__pt, __CLPK_integer *__ldpt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbcon_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbsv_(__CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbtf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbtrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgbtrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgebak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zgebak_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zgebak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zgebak_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgebak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zgebal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
zgebal_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
zgebal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
zgebal_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgebal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_integer *__info)
zgebd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgebd2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgebd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgebd2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgebd2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgebrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgebrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgebrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgebrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgebrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgecon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgecon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgecon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgecon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgecon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeequ_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgeequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeequb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zgees_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgees_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgees_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgees_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgees_(char *__jobvs, char *__sort, __CLPK_L_fp __select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgeesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgeesx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgeesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgeesx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeesx_(char *__jobvs, char *__sort, __CLPK_L_fp __select, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__sdim, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vs, __CLPK_integer *__ldvs, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgeev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__scale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgegs_(char *__jobvsl, char *__jobvsr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgegv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgegv_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgehd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgehd2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgehd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgehd2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgehd2_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgehrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgehrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgehrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgehrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgehrd_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgelq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgelq2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgelq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgelq2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgelqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgelqf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgelqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgelqf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgels_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgels_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgels_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgels_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgels_(char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgelsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgelsd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgelsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgelsd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelsd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgelss_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelss_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelss_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelss_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelss_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__s, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelsx_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsy_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgelsy_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgelsy_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__jpvt, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeql2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeql2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeql2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeql2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeql2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeqlf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqlf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqlf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqlf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeqlf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqp3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqp3_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqp3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqp3_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeqp3_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqpf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqpf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqpf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqpf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeqpf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgeqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeqr2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeqr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgeqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgeqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgeqrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgerfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgerfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgerfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgerfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgerfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgerq2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgerq2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgerq2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgerq2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgerq2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgerqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgerqf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgerqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgerqf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgerqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgesc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgesc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
zgesc2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgesc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
zgesc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgesc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
zgesc2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgesc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__rhs, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_doublereal *__scale)
zgesdd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgesdd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgesdd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgesdd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgesdd_(char *__jobz, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zgesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgesv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgesv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgesv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgesvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgesvd_(char *__jobu, char *__jobvt, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__vt, __CLPK_integer *__ldvt, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgesvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, char *__equed, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgetc2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgetc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
zgetc2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgetc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
zgetc2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgetc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
zgetc2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgetc2_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv, __CLPK_integer *__info)
zgetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgetf2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgetrf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgetri_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgetri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgetri_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgetri_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgetri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgetri_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgetrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgetrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zggbak_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zggbak_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zggbak_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zggbak_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggbak_(char *__job, char *__side, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_integer *__m, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__info)
zggbal_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
zggbal_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
zggbal_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
zggbal_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggbal_(char *__job, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__work, __CLPK_integer *__info)
zgges_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgges_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgges_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zgges_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgges_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggesx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggesx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggesx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggesx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggesx_(char *__jobvsl, char *__jobvsr, char *__sort, __CLPK_L_fp __selctg, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__sdim, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vsl, __CLPK_integer *__ldvsl, __CLPK_doublecomplex *__vsr, __CLPK_integer *__ldvsr, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zggev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zggev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zggev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggev_(char *__jobvl, char *__jobvr, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zggevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggevx_(char *__balanc, char *__jobvl, char *__jobvr, char *__sense, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublereal *__lscale, __CLPK_doublereal *__rscale, __CLPK_doublereal *__abnrm, __CLPK_doublereal *__bbnrm, __CLPK_doublereal *__rconde, __CLPK_doublereal *__rcondv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_logical *__bwork, __CLPK_integer *__info)
zggglm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggglm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggglm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggglm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggglm_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgghrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zgghrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zgghrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zgghrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgghrd_(char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zgglse_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgglse_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgglse_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zgglse_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgglse_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggqrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggqrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggqrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggqrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggqrf_(__CLPK_integer *__n, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggrqf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggrqf_(__CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__taua, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__taub, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zggsvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zggsvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zggsvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zggsvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggsvd_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__p, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zggsvp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__rwork, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zggsvp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__rwork, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zggsvp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__rwork, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zggsvp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zggsvp_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__iwork, __CLPK_doublereal *__rwork, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgtcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgtcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgtcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgtcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgtcon_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zgtrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgtrfs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgtsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgtsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgtsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgtsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgtsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgtsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgtsvx_(char *__fact, char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__dlf, __CLPK_doublecomplex *__df, __CLPK_doublecomplex *__duf, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zgttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgttrf_(__CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgttrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgttrf_(__CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgttrf_(__CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgttrf_(__CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zgttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgttrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgttrs_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zgtts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zgtts2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zgtts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zgtts2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zgtts2_(__CLPK_integer *__itrans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__du2, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zhbev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbgst_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbgv_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhbgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbgvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbgvd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhbgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbgvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbgvx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__ka, __CLPK_integer *__kb, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__bb, __CLPK_integer *__ldbb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhbtrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhbtrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhbtrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhbtrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhbtrd_(char *__vect, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhecon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhecon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhecon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhecon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhecon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhecon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhecon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhecon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zheequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zheequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zheequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zheequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zheequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zheev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zheev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zheev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zheev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zheev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zheevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zheevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zheevr_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zheevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zheevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zheevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zheevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zheevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhegs2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegs2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegs2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegs2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhegs2_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhegst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhegv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhegv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhegv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhegv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhegv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhegvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhegvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhegvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhegvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhegvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__w, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhegvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhegvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhegvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhegvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhegvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zherfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zherfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zherfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zherfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zherfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhesv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhesv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhesv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhesv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhesv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhesvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhesvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhesvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhesvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhesvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhetd2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhetd2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhetd2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhetd2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetd2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhetf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhetf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhetf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhetf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhetrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhetri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhetri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhetri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhetri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhetrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhetrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhetrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhetrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhetrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhfrk_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__c__)
zhfrk_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__c__)
zhfrk_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__c__)
zhfrk_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhfrk_(char *__transr, char *__uplo, char *__trans, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__c__)
zhgeqz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhgeqz_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhgeqz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhgeqz_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhgeqz_(char *__job, char *__compq, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhpcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhpev_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpev_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpev_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpev_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpev_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpevd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpevd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpevd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpevd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpevd_(char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpevx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpevx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpevx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpevx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpevx_(char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpgst_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_integer *__info)
zhpgst_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_integer *__info)
zhpgst_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_integer *__info)
zhpgst_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpgst_(__CLPK_integer *__itype, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_integer *__info)
zhpgv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpgv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpgv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpgv_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpgvd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpgvd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpgvd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpgvd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpgvd_(__CLPK_integer *__itype, char *__jobz, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zhpgvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpgvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpgvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhpgvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpgvx_(__CLPK_integer *__itype, char *__jobz, char *__range, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__bp, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zhprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhpsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhpsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhpsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhpsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhpsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhpsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zhptrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhptrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhptrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhptrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhptrd_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
zhptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhptrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zhptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zhptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zhsein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
zhsein_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
zhsein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
zhsein_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhsein_(char *__side, char *__eigsrc, char *__initv, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__ifaill, __CLPK_integer *__ifailr, __CLPK_integer *__info)
zhseqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhseqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhseqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zhseqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zhseqr_(char *__job, char *__compz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zindex(int) - Method in class smile.plot.vega.Axis
Sets a non-negative integer indicating the z-index of the axis.
zindex(int) - Method in class smile.plot.vega.Legend
Sets a non-negative integer indicating the z-index of the legend.
zipWithIndex(double[]) - Static method in class smile.plot.swing.Line
Returns a 2-dimensional array with the index as the x coordinate.
zlabrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlabrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlabrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlabrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlabrd_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tauq, __CLPK_doublecomplex *__taup, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlacgv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacgv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx)
zlacgv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacgv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx)
zlacgv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacgv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx)
zlacgv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacgv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx)
zlacn2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacn2_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
zlacn2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacn2_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
zlacn2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacn2_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
zlacn2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacn2_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase, __CLPK_integer *__isave)
zlacon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacon_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase)
zlacon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacon_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase)
zlacon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacon_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase)
zlacon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacon_(__CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__x, __CLPK_doublereal *__est, __CLPK_integer *__kase)
zlacp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacp2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacp2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacp2_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacpy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacpy_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacpy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacpy_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacpy_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlacrm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlacrm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlacrm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlacrm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacrm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlacrt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlacrt_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__s)
zlacrt_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlacrt_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__s)
zlacrt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlacrt_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__s)
zlacrt_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlacrt_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__s)
zladiv_(MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
void zladiv_(__CLPK_doublecomplex *__ret_val, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y)
zladiv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
void zladiv_(__CLPK_doublecomplex *__ret_val, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y)
zladiv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
void zladiv_(__CLPK_doublecomplex *__ret_val, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y)
zladiv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
void zladiv_(__CLPK_doublecomplex *__ret_val, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y)
zlaed0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed0_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed0_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaed0_(__CLPK_integer *__qsiz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__qstore, __CLPK_integer *__ldqs, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed7_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_integer *__indxq, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed7_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_integer *__indxq, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed7_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_integer *__indxq, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed7_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaed7_(__CLPK_integer *__n, __CLPK_integer *__cutpnt, __CLPK_integer *__qsiz, __CLPK_integer *__tlvls, __CLPK_integer *__curlvl, __CLPK_integer *__curpbm, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__rho, __CLPK_integer *__indxq, __CLPK_doublereal *__qstore, __CLPK_integer *__qptr, __CLPK_integer *__prmptr, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlaed8_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__d__, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublecomplex *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__info)
zlaed8_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__d__, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublecomplex *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__info)
zlaed8_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__d__, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublecomplex *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__info)
zlaed8_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaed8_(__CLPK_integer *__k, __CLPK_integer *__n, __CLPK_integer *__qsiz, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublereal *__d__, __CLPK_doublereal *__rho, __CLPK_integer *__cutpnt, __CLPK_doublereal *__z__, __CLPK_doublereal *__dlamda, __CLPK_doublecomplex *__q2, __CLPK_integer *__ldq2, __CLPK_doublereal *__w, __CLPK_integer *__indxp, __CLPK_integer *__indx, __CLPK_integer *__indxq, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_doublereal *__givnum, __CLPK_integer *__info)
zlaein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rwork, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_integer *__info)
zlaein_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rwork, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_integer *__info)
zlaein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rwork, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_integer *__info)
zlaein_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaein_(__CLPK_logical *__rightv, __CLPK_logical *__noinit, __CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rwork, __CLPK_doublereal *__eps3, __CLPK_doublereal *__smlnum, __CLPK_integer *__info)
zlaesy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaesy_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__rt1, __CLPK_doublecomplex *__rt2, __CLPK_doublecomplex *__evscal, __CLPK_doublecomplex *__cs1, __CLPK_doublecomplex *__sn1)
zlaesy_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaesy_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__rt1, __CLPK_doublecomplex *__rt2, __CLPK_doublecomplex *__evscal, __CLPK_doublecomplex *__cs1, __CLPK_doublecomplex *__sn1)
zlaesy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaesy_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__rt1, __CLPK_doublecomplex *__rt2, __CLPK_doublecomplex *__evscal, __CLPK_doublecomplex *__cs1, __CLPK_doublecomplex *__sn1)
zlaesy_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaesy_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublecomplex *__rt1, __CLPK_doublecomplex *__rt2, __CLPK_doublecomplex *__evscal, __CLPK_doublecomplex *__cs1, __CLPK_doublecomplex *__sn1)
zlaev2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaev2_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublecomplex *__sn1)
zlaev2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaev2_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublecomplex *__sn1)
zlaev2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaev2_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublecomplex *__sn1)
zlaev2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaev2_(__CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_doublecomplex *__c__, __CLPK_doublereal *__rt1, __CLPK_doublereal *__rt2, __CLPK_doublereal *__cs1, __CLPK_doublecomplex *__sn1)
zlag2c_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlag2c_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlag2c_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlag2c_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlag2c_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlag2c_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlag2c_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlag2c_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlags2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublecomplex *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublecomplex *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublecomplex *__snu, __CLPK_doublereal *__csv, __CLPK_doublecomplex *__snv, __CLPK_doublereal *__csq, __CLPK_doublecomplex *__snq)
zlags2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublecomplex *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublecomplex *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublecomplex *__snu, __CLPK_doublereal *__csv, __CLPK_doublecomplex *__snv, __CLPK_doublereal *__csq, __CLPK_doublecomplex *__snq)
zlags2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublecomplex *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublecomplex *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublecomplex *__snu, __CLPK_doublereal *__csv, __CLPK_doublecomplex *__snv, __CLPK_doublereal *__csq, __CLPK_doublecomplex *__snq)
zlags2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlags2_(__CLPK_logical *__upper, __CLPK_doublereal *__a1, __CLPK_doublecomplex *__a2, __CLPK_doublereal *__a3, __CLPK_doublereal *__b1, __CLPK_doublecomplex *__b2, __CLPK_doublereal *__b3, __CLPK_doublereal *__csu, __CLPK_doublecomplex *__snu, __CLPK_doublereal *__csv, __CLPK_doublecomplex *__snv, __CLPK_doublereal *__csq, __CLPK_doublecomplex *__snq)
zlagtm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlagtm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlagtm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlagtm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlagtm_(char *__trans, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__alpha, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zlahef_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlahef_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlahef_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlahef_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlahef_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlahqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zlahqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zlahqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zlahqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlahqr_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__info)
zlahr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahr2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahr2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlahr2_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlahrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlahrd_(__CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__y, __CLPK_integer *__ldy)
zlaic1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublecomplex *__x, __CLPK_doublereal *__sest, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__c__)
zlaic1_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublecomplex *__x, __CLPK_doublereal *__sest, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__c__)
zlaic1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublecomplex *__x, __CLPK_doublereal *__sest, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__c__)
zlaic1_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaic1_(__CLPK_integer *__job, __CLPK_integer *__j, __CLPK_doublecomplex *__x, __CLPK_doublereal *__sest, __CLPK_doublecomplex *__w, __CLPK_doublecomplex *__gamma, __CLPK_doublereal *__sestpr, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__c__)
zlals0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zlals0_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zlals0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zlals0_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlals0_(__CLPK_integer *__icompq, __CLPK_integer *__nl, __CLPK_integer *__nr, __CLPK_integer *__sqre, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_integer *__perm, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_doublereal *__givnum, __CLPK_integer *__ldgnum, __CLPK_doublereal *__poles, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_integer *__k, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zlalsa_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsa_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsa_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsa_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlalsa_(__CLPK_integer *__icompq, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__bx, __CLPK_integer *__ldbx, __CLPK_doublereal *__u, __CLPK_integer *__ldu, __CLPK_doublereal *__vt, __CLPK_integer *__k, __CLPK_doublereal *__difl, __CLPK_doublereal *__difr, __CLPK_doublereal *__z__, __CLPK_doublereal *__poles, __CLPK_integer *__givptr, __CLPK_integer *__givcol, __CLPK_integer *__ldgcol, __CLPK_integer *__perm, __CLPK_doublereal *__givnum, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlalsd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlalsd_(char *__uplo, __CLPK_integer *__smlsiz, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__rcond, __CLPK_integer *__rank, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlangb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlangb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlangb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlangb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlangb_(char *__norm, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlange_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlange_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlange_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlange_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlange_(char *__norm, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlangt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du)
zlangt_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du)
zlangt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du)
zlangt_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlangt_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__dl, __CLPK_doublecomplex *__d__, __CLPK_doublecomplex *__du)
zlanhb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlanhb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlanhb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlanhb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanhb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlanhe_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhe_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhe_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhe_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanhe_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_doublereal *__work)
zlanhf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_doublereal *__work)
zlanhf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_doublereal *__work)
zlanhf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanhf_(char *__norm, char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_doublereal *__work)
zlanhp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlanhp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlanhp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlanhp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanhp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlanhs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanhs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanhs_(char *__norm, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlanht_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlanht_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e)
zlanht_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlanht_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e)
zlanht_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlanht_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e)
zlanht_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlanht_(char *__norm, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e)
zlansb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlansb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlansb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlansb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlansb_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlansp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlansp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlansp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlansp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlansp_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlansy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlansy_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlansy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlansy_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlansy_(char *__norm, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlantb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlantb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlantb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlantb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlantb_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__work)
zlantp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlantp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlantp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlantp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlantp_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__work)
zlantr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
__CLPK_doublereal zlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlantr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
__CLPK_doublereal zlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlantr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
__CLPK_doublereal zlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlantr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
__CLPK_doublereal zlantr_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__work)
zlapll_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlapll_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
zlapll_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlapll_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
zlapll_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlapll_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
zlapll_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlapll_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__ssmin)
zlapmt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
zlapmt_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
zlapmt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
zlapmt_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlapmt_(__CLPK_logical *__forwrd, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_integer *__k)
zlaqgb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqgb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqgb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqgb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqgb_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqge_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqge_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqge_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqge_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqge_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__r__, __CLPK_doublereal *__c__, __CLPK_doublereal *__rowcnd, __CLPK_doublereal *__colcnd, __CLPK_doublereal *__amax, char *__equed)
zlaqhb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqhb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhe_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhe_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhe_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhe_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqhe_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqhp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqhp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqp2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__work)
zlaqp2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__work)
zlaqp2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__work)
zlaqp2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqp2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__work)
zlaqps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__auxv, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf)
zlaqps_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__auxv, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf)
zlaqps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__auxv, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf)
zlaqps_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqps_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__offset, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__jpvt, __CLPK_doublecomplex *__tau, __CLPK_doublereal *__vn1, __CLPK_doublereal *__vn2, __CLPK_doublecomplex *__auxv, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf)
zlaqr0_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr0_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr0_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr0_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr0_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr1_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr1_(__CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__s1, __CLPK_doublecomplex *__s2, __CLPK_doublecomplex *__v)
zlaqr1_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr1_(__CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__s1, __CLPK_doublecomplex *__s2, __CLPK_doublecomplex *__v)
zlaqr1_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr1_(__CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__s1, __CLPK_doublecomplex *__s2, __CLPK_doublecomplex *__v)
zlaqr1_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr1_(__CLPK_integer *__n, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__s1, __CLPK_doublecomplex *__s2, __CLPK_doublecomplex *__v)
zlaqr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr2_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr3_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr3_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr3_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nw, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ns, __CLPK_integer *__nd, __CLPK_doublecomplex *__sh, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_integer *__nh, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork)
zlaqr4_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr4_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr4_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr4_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr4_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_doublecomplex *__w, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zlaqr5_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublecomplex *__wh, __CLPK_integer *__ldwh)
zlaqr5_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublecomplex *__wh, __CLPK_integer *__ldwh)
zlaqr5_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublecomplex *__wh, __CLPK_integer *__ldwh)
zlaqr5_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqr5_(__CLPK_logical *__wantt, __CLPK_logical *__wantz, __CLPK_integer *__kacc22, __CLPK_integer *__n, __CLPK_integer *__ktop, __CLPK_integer *__kbot, __CLPK_integer *__nshfts, __CLPK_doublecomplex *__s, __CLPK_doublecomplex *__h__, __CLPK_integer *__ldh, __CLPK_integer *__iloz, __CLPK_integer *__ihiz, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_integer *__nv, __CLPK_doublecomplex *__wv, __CLPK_integer *__ldwv, __CLPK_integer *__nh, __CLPK_doublecomplex *__wh, __CLPK_integer *__ldwh)
zlaqsb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqsb_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqsp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsy_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsy_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsy_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlaqsy_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaqsy_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, char *__equed)
zlar1v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublecomplex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
zlar1v_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublecomplex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
zlar1v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublecomplex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
zlar1v_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlar1v_(__CLPK_integer *__n, __CLPK_integer *__b1, __CLPK_integer *__bn, __CLPK_doublereal *__lambda, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__ld, __CLPK_doublereal *__lld, __CLPK_doublereal *__pivmin, __CLPK_doublereal *__gaptol, __CLPK_doublecomplex *__z__, __CLPK_logical *__wantnc, __CLPK_integer *__negcnt, __CLPK_doublereal *__ztz, __CLPK_doublereal *__mingma, __CLPK_integer *__r__, __CLPK_integer *__isuppz, __CLPK_doublereal *__nrminv, __CLPK_doublereal *__resid, __CLPK_doublereal *__rqcorr, __CLPK_doublereal *__work)
zlar2v_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlar2v_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlar2v_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlar2v_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlar2v_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlar2v_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlar2v_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlar2v_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_doublecomplex *__y, __CLPK_doublecomplex *__z__, __CLPK_integer *__incx, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlarcm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlarcm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlarcm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlarcm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarcm_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__rwork)
zlarf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarf_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarfb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarfb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarfb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarfb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarfb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarfg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarfg_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfg_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarfg_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarfg_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfg_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarfg_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarfp_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarfp_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarfp_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarfp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarfp_(__CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__tau)
zlarft_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarft_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarft_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarft_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarft_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarfx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarfx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarfx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarfx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarfx_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlargv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlargv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
zlargv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlargv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
zlargv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlargv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
zlargv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlargv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_integer *__incc)
zlarnv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublecomplex *__x)
zlarnv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublecomplex *__x)
zlarnv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublecomplex *__x)
zlarnv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarnv_(__CLPK_integer *__idist, __CLPK_integer *__iseed, __CLPK_integer *__n, __CLPK_doublecomplex *__x)
zlarrv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlarrv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlarrv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlarrv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarrv_(__CLPK_integer *__n, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_doublereal *__d__, __CLPK_doublereal *__l, __CLPK_doublereal *__pivmin, __CLPK_integer *__isplit, __CLPK_integer *__m, __CLPK_integer *__dol, __CLPK_integer *__dou, __CLPK_doublereal *__minrgp, __CLPK_doublereal *__rtol1, __CLPK_doublereal *__rtol2, __CLPK_doublereal *__w, __CLPK_doublereal *__werr, __CLPK_doublereal *__wgap, __CLPK_integer *__iblock, __CLPK_integer *__indexw, __CLPK_doublereal *__gers, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__info)
zlarscl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlarscl2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlarscl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlarscl2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarscl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlartg_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlartg_(__CLPK_doublecomplex *__f, __CLPK_doublecomplex *__g, __CLPK_doublereal *__cs, __CLPK_doublecomplex *__sn, __CLPK_doublecomplex *__r__)
zlartg_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlartg_(__CLPK_doublecomplex *__f, __CLPK_doublecomplex *__g, __CLPK_doublereal *__cs, __CLPK_doublecomplex *__sn, __CLPK_doublecomplex *__r__)
zlartg_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlartg_(__CLPK_doublecomplex *__f, __CLPK_doublecomplex *__g, __CLPK_doublereal *__cs, __CLPK_doublecomplex *__sn, __CLPK_doublecomplex *__r__)
zlartg_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlartg_(__CLPK_doublecomplex *__f, __CLPK_doublecomplex *__g, __CLPK_doublereal *__cs, __CLPK_doublecomplex *__sn, __CLPK_doublecomplex *__r__)
zlartv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlartv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlartv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlartv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlartv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlartv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlartv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlartv_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__y, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s, __CLPK_integer *__incc)
zlarz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarz_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarz_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarz_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlarzb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarzb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarzb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarzb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarzb_(char *__side, char *__trans, char *__direct, char *__storev, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork)
zlarzt_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarzt_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarzt_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlarzt_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlarzt_(char *__direct, char *__storev, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt)
zlascl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlascl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlascl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlascl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlascl_(char *__type__, __CLPK_integer *__kl, __CLPK_integer *__ku, __CLPK_doublereal *__cfrom, __CLPK_doublereal *__cto, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlascl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlascl2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlascl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlascl2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlascl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx)
zlaset_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlaset_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlaset_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlaset_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaset_(char *__uplo, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlasr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlasr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlasr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlasr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlasr_(char *__side, char *__pivot, char *__direct, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublereal *__c__, __CLPK_doublereal *__s, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zlassq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlassq_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
zlassq_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlassq_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
zlassq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlassq_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
zlassq_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlassq_(__CLPK_integer *__n, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublereal *__scale, __CLPK_doublereal *__sumsq)
zlaswp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlaswp_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
zlaswp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlaswp_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
zlaswp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlaswp_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
zlaswp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlaswp_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__k1, __CLPK_integer *__k2, __CLPK_integer *__ipiv, __CLPK_integer *__incx)
zlasyf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlasyf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlasyf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlasyf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlasyf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_integer *__kb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw, __CLPK_integer *__info)
zlat2c_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlat2c_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlat2c_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlat2c_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlat2c_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlat2c_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlat2c_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlat2c_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_complex *__sa, __CLPK_integer *__ldsa, __CLPK_integer *__info)
zlatbs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatbs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatbs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatbs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatbs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatdf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
zlatdf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
zlatdf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
zlatdf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatdf_(__CLPK_integer *__ijob, __CLPK_integer *__n, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__rhs, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__ipiv, __CLPK_integer *__jpiv)
zlatps_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatps_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatps_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatps_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatps_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatrd_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw)
zlatrd_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw)
zlatrd_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw)
zlatrd_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatrd_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nb, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__e, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__w, __CLPK_integer *__ldw)
zlatrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatrs_(char *__uplo, char *__trans, char *__diag, char *__normin, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_doublereal *__scale, __CLPK_doublereal *__cnorm, __CLPK_integer *__info)
zlatrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work)
zlatrz_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work)
zlatrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work)
zlatrz_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatrz_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work)
zlatzm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c1, __CLPK_doublecomplex *__c2, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlatzm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c1, __CLPK_doublecomplex *__c2, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlatzm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c1, __CLPK_doublecomplex *__c2, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlatzm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlatzm_(char *__side, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__v, __CLPK_integer *__incv, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c1, __CLPK_doublecomplex *__c2, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work)
zlauu2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauu2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauu2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauu2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlauu2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauum_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauum_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauum_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zlauum_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zlauum_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
znaupd_c(MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void znaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
znaupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void znaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
znaupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void znaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
znaupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void znaupd_c(int *ido, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
zneupd_c(int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, double, MemorySegment, MemorySegment, int, MemorySegment, int, double, MemorySegment, int, MemorySegment, int, MemorySegment, MemorySegment, MemorySegment, MemorySegment, int, MemorySegment, MemorySegment) - Static method in class smile.linalg.arpack.arpack_h
void zneupd_c(int rvec, const char *howmny, const int *select, _Complex double *d, _Complex double *z, int ldz, _Complex double sigma, _Complex double *workev, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
zneupd_c$address() - Static method in class smile.linalg.arpack.arpack_h
Address for:
void zneupd_c(int rvec, const char *howmny, const int *select, _Complex double *d, _Complex double *z, int ldz, _Complex double sigma, _Complex double *workev, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
zneupd_c$descriptor() - Static method in class smile.linalg.arpack.arpack_h
Function descriptor for:
void zneupd_c(int rvec, const char *howmny, const int *select, _Complex double *d, _Complex double *z, int ldz, _Complex double sigma, _Complex double *workev, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
zneupd_c$handle() - Static method in class smile.linalg.arpack.arpack_h
Downcall method handle for:
void zneupd_c(int rvec, const char *howmny, const int *select, _Complex double *d, _Complex double *z, int ldz, _Complex double sigma, _Complex double *workev, const char *bmat, int n, const char *which, int nev, double tol, _Complex double *resid, int ncv, _Complex double *v, int ldv, int *iparam, int *ipntr, _Complex double *workd, _Complex double *workl, int lworkl, double *rwork, int *info)
zoom(boolean) - Method in class smile.plot.swing.Canvas
Zooms in/out the plot.
zpbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbcon_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpbequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpbequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpbequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbequ_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbstf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbstf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbstf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbstf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbstf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__afb, __CLPK_integer *__ldafb, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpbtf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbtf2_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbtrf_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_integer *__info)
zpbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpbtrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpftrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpftrf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpftri_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
zpftrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpftrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpftrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpftrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpftrs_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpocon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpocon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpocon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpocon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpocon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpoequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpoequ_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpoequ_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpoequ_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpoequ_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpoequb_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpoequb_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpoequb_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpoequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpoequb_(__CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zporfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zporfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zporfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zporfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zporfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zposv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zposv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zposv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zposv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zposv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zposvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zposvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zposvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zposvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zposvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpotf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpotf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpotrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpotri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
zpotrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpotrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpotrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpotrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpotrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zppcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zppcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppequ_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zppequ_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zppequ_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zppequ_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zppequ_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_integer *__info)
zpprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zppsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zppsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zppsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zppsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zppsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zppsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zppsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, char *__equed, __CLPK_doublereal *__s, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
zpptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpstf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpstf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpstrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpstrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__piv, __CLPK_integer *__rank, __CLPK_doublereal *__tol, __CLPK_doublereal *__work, __CLPK_integer *__info)
zptcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zptcon_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpteqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zpteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zptrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zptrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zptsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zptsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zptsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zptsv_(__CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zptsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zptsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zptsvx_(char *__fact, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublereal *__df, __CLPK_doublecomplex *__ef, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zpttrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_integer *__info)
zpttrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_integer *__info)
zpttrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_integer *__info)
zpttrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpttrf_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_integer *__info)
zpttrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpttrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpttrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zpttrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zpttrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zptts2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zptts2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zptts2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zptts2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zptts2_(__CLPK_integer *__iuplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublereal *__d__, __CLPK_doublecomplex *__e, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
zrot_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zrot_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s)
zrot_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zrot_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s)
zrot_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zrot_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s)
zrot_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zrot_(__CLPK_integer *__n, __CLPK_doublecomplex *__cx, __CLPK_integer *__incx, __CLPK_doublecomplex *__cy, __CLPK_integer *__incy, __CLPK_doublereal *__c__, __CLPK_doublecomplex *__s)
zspcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zspcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zspcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zspcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zspcon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zspmv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zspmv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zspmv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zspmv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zspmv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zspr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zspr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__ap)
zspr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zspr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__ap)
zspr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zspr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__ap)
zspr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zspr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__ap)
zsprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsprfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zspsv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zspsv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zspsv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zspsv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zspsv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zspsvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zspsvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zspsvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zspsvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zspsvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__afp, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsptrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsptrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsptrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsptrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsptrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsptri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsptrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zstedc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstedc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstedc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstedc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zstedc_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__lrwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstegr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstegr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstegr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstegr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zstegr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_doublereal *__abstol, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__isuppz, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstein_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zstein_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zstein_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zstein_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zstein_(__CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_integer *__iblock, __CLPK_integer *__isplit, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__iwork, __CLPK_integer *__ifail, __CLPK_integer *__info)
zstemr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstemr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstemr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zstemr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zstemr_(char *__jobz, char *__range, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublereal *__vl, __CLPK_doublereal *__vu, __CLPK_integer *__il, __CLPK_integer *__iu, __CLPK_integer *__m, __CLPK_doublereal *__w, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__nzc, __CLPK_integer *__isuppz, __CLPK_logical *__tryrac, __CLPK_doublereal *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
zsteqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zsteqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zsteqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zsteqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsteqr_(char *__compz, __CLPK_integer *__n, __CLPK_doublereal *__d__, __CLPK_doublereal *__e, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_doublereal *__work, __CLPK_integer *__info)
zsycon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsycon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsycon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsycon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsycon_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublereal *__anorm, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsyequb_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsyequb_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsyequb_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsyequb_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsyequb_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__s, __CLPK_doublereal *__scond, __CLPK_doublereal *__amax, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsymv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsymv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zsymv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsymv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zsymv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsymv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zsymv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsymv_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__y, __CLPK_integer *__incy)
zsyr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsyr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zsyr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsyr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zsyr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsyr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zsyr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsyr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__x, __CLPK_integer *__incx, __CLPK_doublecomplex *__a, __CLPK_integer *__lda)
zsyrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsyrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsyrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsyrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsyrfs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsysv_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsysv_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsysv_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsysv_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsysv_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsysvx_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsysvx_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsysvx_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsysvx_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsysvx_(char *__fact, char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__af, __CLPK_integer *__ldaf, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__rcond, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
zsytf2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsytf2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsytf2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsytf2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsytf2_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_integer *__info)
zsytrf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsytrf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsytrf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsytrf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsytrf_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zsytri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsytri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsytri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsytri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsytri_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zsytrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsytrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsytrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
zsytrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zsytrs_(char *__uplo, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__ipiv, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztbcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztbcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztbrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztbtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztbtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztbtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztbtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztbtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__kd, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ab, __CLPK_integer *__ldab, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztest - Variable in class smile.glm.GLM
The coefficients, their standard errors, z-scores, and p-values.
ztest() - Method in class smile.glm.GLM
Returns the z-test of the coefficients (including intercept).
ztfsm_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
ztfsm_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
ztfsm_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
ztfsm_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztfsm_(char *__transr, char *__side, char *__uplo, char *__trans, char *__diag, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__a, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb)
ztftri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
ztftri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
ztftri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
ztftri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztftri_(char *__transr, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__info)
ztfttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztfttp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztfttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztfttp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztfttp_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztfttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztfttr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztfttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztfttr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztfttr_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__arf, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztgevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__s, __CLPK_integer *__lds, __CLPK_doublecomplex *__p, __CLPK_integer *__ldp, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztgevc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__s, __CLPK_integer *__lds, __CLPK_doublecomplex *__p, __CLPK_integer *__ldp, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztgevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__s, __CLPK_integer *__lds, __CLPK_doublecomplex *__p, __CLPK_integer *__ldp, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztgevc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__s, __CLPK_integer *__lds, __CLPK_doublecomplex *__p, __CLPK_integer *__ldp, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztgex2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ztgex2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ztgex2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ztgex2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgex2_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__j1, __CLPK_integer *__info)
ztgexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztgexc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztgexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztgexc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgexc_(__CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztgsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ztgsen_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ztgsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ztgsen_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgsen_(__CLPK_integer *__ijob, __CLPK_logical *__wantq, __CLPK_logical *__wantz, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__alpha, __CLPK_doublecomplex *__beta, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__z__, __CLPK_integer *__ldz, __CLPK_integer *__m, __CLPK_doublereal *__pl, __CLPK_doublereal *__pr, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__liwork, __CLPK_integer *__info)
ztgsja_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ztgsja_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ztgsja_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ztgsja_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgsja_(char *__jobu, char *__jobv, char *__jobq, __CLPK_integer *__m, __CLPK_integer *__p, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublereal *__tola, __CLPK_doublereal *__tolb, __CLPK_doublereal *__alpha, __CLPK_doublereal *__beta, __CLPK_doublecomplex *__u, __CLPK_integer *__ldu, __CLPK_doublecomplex *__v, __CLPK_integer *__ldv, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__ncycle, __CLPK_integer *__info)
ztgsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsna_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsna_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__dif, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsy2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__info)
ztgsy2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__info)
ztgsy2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__info)
ztgsy2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgsy2_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__rdsum, __CLPK_doublereal *__rdscal, __CLPK_integer *__info)
ztgsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsyl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztgsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztgsyl_(char *__trans, __CLPK_integer *__ijob, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__d__, __CLPK_integer *__ldd, __CLPK_doublecomplex *__e, __CLPK_integer *__lde, __CLPK_doublecomplex *__f, __CLPK_integer *__ldf, __CLPK_doublereal *__scale, __CLPK_doublereal *__dif, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__iwork, __CLPK_integer *__info)
ztpcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztpcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztpcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztpcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztpcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztprfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztprfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztprfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztprfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztprfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztptri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztptri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztptri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztptri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztptri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztptrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztptrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztptrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztptrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztptrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztpttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztpttf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztpttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztpttf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztpttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztpttr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztpttr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztpttr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztpttr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztpttr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrcon_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrcon_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrcon_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrcon_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrcon_(char *__norm, char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublereal *__rcond, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrevc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrevc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrevc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrevc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrevc_(char *__side, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrexc_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztrexc_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztrexc_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztrexc_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrexc_(char *__compq, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_integer *__ifst, __CLPK_integer *__ilst, __CLPK_integer *__info)
ztrrfs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrrfs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrrfs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrrfs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrrfs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__x, __CLPK_integer *__ldx, __CLPK_doublereal *__ferr, __CLPK_doublereal *__berr, __CLPK_doublecomplex *__work, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrsen_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__w, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztrsen_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__w, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztrsen_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__w, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztrsen_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrsen_(char *__job, char *__compq, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__w, __CLPK_integer *__m, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztrsna_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrsna_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrsna_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrsna_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrsna_(char *__job, char *__howmny, __CLPK_logical *__select, __CLPK_integer *__n, __CLPK_doublecomplex *__t, __CLPK_integer *__ldt, __CLPK_doublecomplex *__vl, __CLPK_integer *__ldvl, __CLPK_doublecomplex *__vr, __CLPK_integer *__ldvr, __CLPK_doublereal *__s, __CLPK_doublereal *__sep, __CLPK_integer *__mm, __CLPK_integer *__m, __CLPK_doublecomplex *__work, __CLPK_integer *__ldwork, __CLPK_doublereal *__rwork, __CLPK_integer *__info)
ztrsyl_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
ztrsyl_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
ztrsyl_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
ztrsyl_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrsyl_(char *__trana, char *__tranb, __CLPK_integer *__isgn, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublereal *__scale, __CLPK_integer *__info)
ztrti2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrti2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrti2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrti2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrti2_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrtri_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrtri_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrtri_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrtri_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrtri_(char *__uplo, char *__diag, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_integer *__info)
ztrtrs_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztrtrs_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztrtrs_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztrtrs_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrtrs_(char *__uplo, char *__trans, char *__diag, __CLPK_integer *__n, __CLPK_integer *__nrhs, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__b, __CLPK_integer *__ldb, __CLPK_integer *__info)
ztrttf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztrttf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztrttf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztrttf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrttf_(char *__transr, char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__arf, __CLPK_integer *__info)
ztrttp_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztrttp_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztrttp_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztrttp_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztrttp_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__ap, __CLPK_integer *__info)
ztzrqf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
ztzrqf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
ztzrqf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
ztzrqf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztzrqf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_integer *__info)
ztzrzf_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int ztzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztzrzf_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int ztzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztzrzf_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int ztzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
ztzrzf_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int ztzrzf_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zung2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2l_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2l_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zung2l_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2r_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zung2r_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zung2r_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungbr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungbr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungbr_(char *__vect, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunghr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunghr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunghr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunghr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunghr_(__CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungl2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungl2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungl2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungl2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungl2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunglq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunglq_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunglq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunglq_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunglq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungql_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungql_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungql_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungqr_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungr2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungr2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungr2_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zungrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungrq_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungrq_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungrq_(__CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungtr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zungtr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zungtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunm2l_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2l_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2l_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2l_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunm2l_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2r_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2r_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2r_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunm2r_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunm2r_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmbr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmbr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmbr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmbr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmbr_(char *__vect, char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmhr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmhr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmhr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmhr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmhr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__ilo, __CLPK_integer *__ihi, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunml2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunml2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunml2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunml2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunml2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmlq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmlq_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmlq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmlq_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmlq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmql_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmql_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmql_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmql_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmql_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmqr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmqr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmqr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmqr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmqr_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmr2_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr2_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr2_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr2_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmr2_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr3_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr3_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr3_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmr3_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmr3_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zunmrq_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrq_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrq_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrq_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmrq_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrz_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrz_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrz_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmrz_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmrz_(char *__side, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_integer *__k, __CLPK_integer *__l, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmtr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zunmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zunmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__a, __CLPK_integer *__lda, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__lwork, __CLPK_integer *__info)
zupgtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupgtr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupgtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupgtr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zupgtr_(char *__uplo, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__q, __CLPK_integer *__ldq, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupmtr_(MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment, MemorySegment) - Static method in class smile.linalg.lapack.clapack_h
int zupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupmtr_$address() - Static method in class smile.linalg.lapack.clapack_h
Address for:
int zupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupmtr_$descriptor() - Static method in class smile.linalg.lapack.clapack_h
Function descriptor for:
int zupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)
zupmtr_$handle() - Static method in class smile.linalg.lapack.clapack_h
Downcall method handle for:
int zupmtr_(char *__side, char *__uplo, char *__trans, __CLPK_integer *__m, __CLPK_integer *__n, __CLPK_doublecomplex *__ap, __CLPK_doublecomplex *__tau, __CLPK_doublecomplex *__c__, __CLPK_integer *__ldc, __CLPK_doublecomplex *__work, __CLPK_integer *__info)

_

_____fpos_t_defined() - Static method in class smile.linalg.blas.cblas_h
#define _____fpos_t_defined 1
_____fpos64_t_defined() - Static method in class smile.linalg.blas.cblas_h
#define _____fpos64_t_defined 1
____FILE_defined() - Static method in class smile.linalg.blas.cblas_h
#define ____FILE_defined 1
____mbstate_t_defined() - Static method in class smile.linalg.blas.cblas_h
#define ____mbstate_t_defined 1
__BIG_ENDIAN() - Static method in class smile.linalg.blas.cblas_h
#define __BIG_ENDIAN 4321
__blkcnt_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __blkcnt_t
__blkcnt64_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __blkcnt64_t
__blksize_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __blksize_t
__BYTE_ORDER() - Static method in class smile.linalg.blas.cblas_h
#define __BYTE_ORDER 1234
__cabs(double) - Static method in class smile.linalg.blas.cblas_h
extern double __cabs(_Complex double __z)
__cabs$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double __cabs(_Complex double __z)
__cabs$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double __cabs(_Complex double __z)
__cabs$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double __cabs(_Complex double __z)
__cabsf(float) - Static method in class smile.linalg.blas.cblas_h
extern float __cabsf(_Complex float __z)
__cabsf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float __cabsf(_Complex float __z)
__cabsf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float __cabsf(_Complex float __z)
__cabsf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float __cabsf(_Complex float __z)
__cacos(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __cacos(_Complex double __z)
__cacos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __cacos(_Complex double __z)
__cacos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __cacos(_Complex double __z)
__cacos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __cacos(_Complex double __z)
__cacosf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __cacosf(_Complex float __z)
__cacosf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __cacosf(_Complex float __z)
__cacosf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __cacosf(_Complex float __z)
__cacosf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __cacosf(_Complex float __z)
__cacosh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __cacosh(_Complex double __z)
__cacosh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __cacosh(_Complex double __z)
__cacosh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __cacosh(_Complex double __z)
__cacosh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __cacosh(_Complex double __z)
__cacoshf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __cacoshf(_Complex float __z)
__cacoshf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __cacoshf(_Complex float __z)
__cacoshf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __cacoshf(_Complex float __z)
__cacoshf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __cacoshf(_Complex float __z)
__caddr_t - Static variable in class smile.linalg.blas.cblas_h
typedef char *__caddr_t
__carg(double) - Static method in class smile.linalg.blas.cblas_h
extern double __carg(_Complex double __z)
__carg$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double __carg(_Complex double __z)
__carg$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double __carg(_Complex double __z)
__carg$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double __carg(_Complex double __z)
__cargf(float) - Static method in class smile.linalg.blas.cblas_h
extern float __cargf(_Complex float __z)
__cargf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float __cargf(_Complex float __z)
__cargf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float __cargf(_Complex float __z)
__cargf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float __cargf(_Complex float __z)
__casin(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __casin(_Complex double __z)
__casin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __casin(_Complex double __z)
__casin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __casin(_Complex double __z)
__casin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __casin(_Complex double __z)
__casinf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __casinf(_Complex float __z)
__casinf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __casinf(_Complex float __z)
__casinf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __casinf(_Complex float __z)
__casinf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __casinf(_Complex float __z)
__casinh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __casinh(_Complex double __z)
__casinh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __casinh(_Complex double __z)
__casinh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __casinh(_Complex double __z)
__casinh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __casinh(_Complex double __z)
__casinhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __casinhf(_Complex float __z)
__casinhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __casinhf(_Complex float __z)
__casinhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __casinhf(_Complex float __z)
__casinhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __casinhf(_Complex float __z)
__catan(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __catan(_Complex double __z)
__catan$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __catan(_Complex double __z)
__catan$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __catan(_Complex double __z)
__catan$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __catan(_Complex double __z)
__catanf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __catanf(_Complex float __z)
__catanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __catanf(_Complex float __z)
__catanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __catanf(_Complex float __z)
__catanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __catanf(_Complex float __z)
__catanh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __catanh(_Complex double __z)
__catanh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __catanh(_Complex double __z)
__catanh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __catanh(_Complex double __z)
__catanh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __catanh(_Complex double __z)
__catanhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __catanhf(_Complex float __z)
__catanhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __catanhf(_Complex float __z)
__catanhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __catanhf(_Complex float __z)
__catanhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __catanhf(_Complex float __z)
__ccos(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __ccos(_Complex double __z)
__ccos$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __ccos(_Complex double __z)
__ccos$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __ccos(_Complex double __z)
__ccos$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __ccos(_Complex double __z)
__ccosf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __ccosf(_Complex float __z)
__ccosf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __ccosf(_Complex float __z)
__ccosf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __ccosf(_Complex float __z)
__ccosf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __ccosf(_Complex float __z)
__ccosh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __ccosh(_Complex double __z)
__ccosh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __ccosh(_Complex double __z)
__ccosh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __ccosh(_Complex double __z)
__ccosh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __ccosh(_Complex double __z)
__ccoshf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __ccoshf(_Complex float __z)
__ccoshf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __ccoshf(_Complex float __z)
__ccoshf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __ccoshf(_Complex float __z)
__ccoshf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __ccoshf(_Complex float __z)
__cexp(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __cexp(_Complex double __z)
__cexp$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __cexp(_Complex double __z)
__cexp$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __cexp(_Complex double __z)
__cexp$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __cexp(_Complex double __z)
__cexpf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __cexpf(_Complex float __z)
__cexpf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __cexpf(_Complex float __z)
__cexpf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __cexpf(_Complex float __z)
__cexpf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __cexpf(_Complex float __z)
__cimag(double) - Static method in class smile.linalg.blas.cblas_h
extern double __cimag(_Complex double __z)
__cimag$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double __cimag(_Complex double __z)
__cimag$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double __cimag(_Complex double __z)
__cimag$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double __cimag(_Complex double __z)
__cimagf(float) - Static method in class smile.linalg.blas.cblas_h
extern float __cimagf(_Complex float __z)
__cimagf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float __cimagf(_Complex float __z)
__cimagf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float __cimagf(_Complex float __z)
__cimagf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float __cimagf(_Complex float __z)
__clock_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __clock_t
__clockid_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __clockid_t
__clog(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __clog(_Complex double __z)
__clog$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __clog(_Complex double __z)
__clog$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __clog(_Complex double __z)
__clog$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __clog(_Complex double __z)
__clogf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __clogf(_Complex float __z)
__clogf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __clogf(_Complex float __z)
__clogf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __clogf(_Complex float __z)
__clogf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __clogf(_Complex float __z)
__CLPK_doublereal - Static variable in class smile.linalg.lapack.clapack_h_1
typedef double __CLPK_doublereal
__CLPK_ftnlen - Static variable in class smile.linalg.lapack.clapack_h_1
typedef int __CLPK_ftnlen
__CLPK_integer - Static variable in class smile.linalg.lapack.clapack_h_1
typedef int __CLPK_integer
__CLPK_logical - Static variable in class smile.linalg.lapack.clapack_h_1
typedef int __CLPK_logical
__CLPK_real - Static variable in class smile.linalg.lapack.clapack_h_1
typedef float __CLPK_real
__conj(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __conj(_Complex double __z)
__conj$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __conj(_Complex double __z)
__conj$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __conj(_Complex double __z)
__conj$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __conj(_Complex double __z)
__conjf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __conjf(_Complex float __z)
__conjf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __conjf(_Complex float __z)
__conjf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __conjf(_Complex float __z)
__conjf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __conjf(_Complex float __z)
__cpow(double, double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __cpow(_Complex double __x, _Complex double __y)
__cpow$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __cpow(_Complex double __x, _Complex double __y)
__cpow$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __cpow(_Complex double __x, _Complex double __y)
__cpow$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __cpow(_Complex double __x, _Complex double __y)
__cpowf(float, float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __cpowf(_Complex float __x, _Complex float __y)
__cpowf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __cpowf(_Complex float __x, _Complex float __y)
__cpowf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __cpowf(_Complex float __x, _Complex float __y)
__cpowf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __cpowf(_Complex float __x, _Complex float __y)
__cproj(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __cproj(_Complex double __z)
__cproj$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __cproj(_Complex double __z)
__cproj$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __cproj(_Complex double __z)
__cproj$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __cproj(_Complex double __z)
__cprojf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __cprojf(_Complex float __z)
__cprojf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __cprojf(_Complex float __z)
__cprojf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __cprojf(_Complex float __z)
__cprojf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __cprojf(_Complex float __z)
__cpu_mask - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __cpu_mask
__CPU_SETSIZE() - Static method in class smile.linalg.blas.cblas_h
#define __CPU_SETSIZE 1024
__creal(double) - Static method in class smile.linalg.blas.cblas_h
extern double __creal(_Complex double __z)
__creal$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern double __creal(_Complex double __z)
__creal$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern double __creal(_Complex double __z)
__creal$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern double __creal(_Complex double __z)
__crealf(float) - Static method in class smile.linalg.blas.cblas_h
extern float __crealf(_Complex float __z)
__crealf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern float __crealf(_Complex float __z)
__crealf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern float __crealf(_Complex float __z)
__crealf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern float __crealf(_Complex float __z)
__csin(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __csin(_Complex double __z)
__csin$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __csin(_Complex double __z)
__csin$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __csin(_Complex double __z)
__csin$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __csin(_Complex double __z)
__csinf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __csinf(_Complex float __z)
__csinf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __csinf(_Complex float __z)
__csinf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __csinf(_Complex float __z)
__csinf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __csinf(_Complex float __z)
__csinh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __csinh(_Complex double __z)
__csinh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __csinh(_Complex double __z)
__csinh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __csinh(_Complex double __z)
__csinh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __csinh(_Complex double __z)
__csinhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __csinhf(_Complex float __z)
__csinhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __csinhf(_Complex float __z)
__csinhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __csinhf(_Complex float __z)
__csinhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __csinhf(_Complex float __z)
__csqrt(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __csqrt(_Complex double __z)
__csqrt$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __csqrt(_Complex double __z)
__csqrt$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __csqrt(_Complex double __z)
__csqrt$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __csqrt(_Complex double __z)
__csqrtf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __csqrtf(_Complex float __z)
__csqrtf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __csqrtf(_Complex float __z)
__csqrtf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __csqrtf(_Complex float __z)
__csqrtf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __csqrtf(_Complex float __z)
__ctan(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __ctan(_Complex double __z)
__ctan$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __ctan(_Complex double __z)
__ctan$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __ctan(_Complex double __z)
__ctan$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __ctan(_Complex double __z)
__ctanf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __ctanf(_Complex float __z)
__ctanf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __ctanf(_Complex float __z)
__ctanf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __ctanf(_Complex float __z)
__ctanf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __ctanf(_Complex float __z)
__ctanh(double) - Static method in class smile.linalg.blas.cblas_h
extern _Complex double __ctanh(_Complex double __z)
__ctanh$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex double __ctanh(_Complex double __z)
__ctanh$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex double __ctanh(_Complex double __z)
__ctanh$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex double __ctanh(_Complex double __z)
__ctanhf(float) - Static method in class smile.linalg.blas.cblas_h
extern _Complex float __ctanhf(_Complex float __z)
__ctanhf$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern _Complex float __ctanhf(_Complex float __z)
__ctanhf$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern _Complex float __ctanhf(_Complex float __z)
__ctanhf$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern _Complex float __ctanhf(_Complex float __z)
__daddr_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __daddr_t
__dev_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __dev_t
__FD_SETSIZE() - Static method in class smile.linalg.blas.cblas_h
#define __FD_SETSIZE 1024
__FILE_defined() - Static method in class smile.linalg.blas.cblas_h
#define __FILE_defined 1
__FLOAT_WORD_ORDER() - Static method in class smile.linalg.blas.cblas_h
#define __FLOAT_WORD_ORDER 1234
__fsblkcnt_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __fsblkcnt_t
__fsblkcnt64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __fsblkcnt64_t
__fsfilcnt_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __fsfilcnt_t
__fsfilcnt64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __fsfilcnt64_t
__fsword_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __fsword_t
__getdelim(MemorySegment, MemorySegment, int, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern __ssize_t __getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
__getdelim$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern __ssize_t __getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
__getdelim$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern __ssize_t __getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
__getdelim$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern __ssize_t __getdelim(char **restrict __lineptr, size_t *restrict __n, int __delimiter, FILE *restrict __stream)
__gid_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __gid_t
__GLIBC__() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC__ 2
__glibc_c99_flexarr_available() - Static method in class smile.linalg.blas.cblas_h
#define __glibc_c99_flexarr_available 1
__GLIBC_MINOR__() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_MINOR__ 35
__GLIBC_USE_DEPRECATED_GETS() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_DEPRECATED_GETS 0
__GLIBC_USE_DEPRECATED_SCANF() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_DEPRECATED_SCANF 0
__GLIBC_USE_IEC_60559_BFP_EXT() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_BFP_EXT 0
__GLIBC_USE_IEC_60559_BFP_EXT_C2X() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_BFP_EXT_C2X 0
__GLIBC_USE_IEC_60559_EXT() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_EXT 0
__GLIBC_USE_IEC_60559_FUNCS_EXT() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_FUNCS_EXT 0
__GLIBC_USE_IEC_60559_FUNCS_EXT_C2X() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_FUNCS_EXT_C2X 0
__GLIBC_USE_IEC_60559_TYPES_EXT() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_IEC_60559_TYPES_EXT 0
__GLIBC_USE_ISOC2X() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_ISOC2X 0
__GLIBC_USE_LIB_EXT2() - Static method in class smile.linalg.blas.cblas_h
#define __GLIBC_USE_LIB_EXT2 0
__GNU_LIBRARY__() - Static method in class smile.linalg.blas.cblas_h
#define __GNU_LIBRARY__ 6
__GNUC_VA_LIST() - Static method in class smile.linalg.blas.cblas_h
#define __GNUC_VA_LIST 1
__HAVE_DISTINCT_FLOAT128() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT128 0
__HAVE_DISTINCT_FLOAT128X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT128X 0
__HAVE_DISTINCT_FLOAT16() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT16 0
__HAVE_DISTINCT_FLOAT32() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT32 0
__HAVE_DISTINCT_FLOAT32X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT32X 0
__HAVE_DISTINCT_FLOAT64() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT64 0
__HAVE_DISTINCT_FLOAT64X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_DISTINCT_FLOAT64X 0
__HAVE_FLOAT128() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT128 0
__HAVE_FLOAT128_UNLIKE_LDBL() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT128_UNLIKE_LDBL 0
__HAVE_FLOAT128X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT128X 0
__HAVE_FLOAT16() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT16 0
__HAVE_FLOAT32() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT32 1
__HAVE_FLOAT32X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT32X 1
__HAVE_FLOAT64() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT64 1
__HAVE_FLOAT64X() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT64X 1
__HAVE_FLOAT64X_LONG_DOUBLE() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOAT64X_LONG_DOUBLE 1
__HAVE_FLOATN_NOT_TYPEDEF() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_FLOATN_NOT_TYPEDEF 0
__HAVE_GENERIC_SELECTION() - Static method in class smile.linalg.blas.cblas_h
#define __HAVE_GENERIC_SELECTION 1
__id_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __id_t
__ino_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __ino_t
__INO_T_MATCHES_INO64_T() - Static method in class smile.linalg.blas.cblas_h
#define __INO_T_MATCHES_INO64_T 1
__ino64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __ino64_t
__int_least16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int16_t __int_least16_t
__int_least32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int32_t __int_least32_t
__int_least64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int64_t __int_least64_t
__int_least8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __int8_t __int_least8_t
__int16_t - Static variable in class smile.linalg.blas.cblas_h
typedef short __int16_t
__int32_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __int32_t
__int64_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __int64_t
__int8_t - Static variable in class smile.linalg.blas.cblas_h
typedef signed char __int8_t
__intmax_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __intmax_t
__intptr_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __intptr_t
__KERNEL_OLD_TIMEVAL_MATCHES_TIMEVAL64() - Static method in class smile.linalg.blas.cblas_h
#define __KERNEL_OLD_TIMEVAL_MATCHES_TIMEVAL64 1
__key_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __key_t
__LDOUBLE_REDIRECTS_TO_FLOAT128_ABI() - Static method in class smile.linalg.blas.cblas_h
#define __LDOUBLE_REDIRECTS_TO_FLOAT128_ABI 0
__LITTLE_ENDIAN() - Static method in class smile.linalg.blas.cblas_h
#define __LITTLE_ENDIAN 1234
__loff_t - Static variable in class smile.linalg.blas.cblas_h
typedef __off64_t __loff_t
__mode_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __mode_t
__NCPUBITS() - Static method in class smile.linalg.blas.cblas_h
#define __NCPUBITS 64
__nlink_t - Static variable in class smile.linalg.blas.cblas_h
__off_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __off_t
__OFF_T_MATCHES_OFF64_T() - Static method in class smile.linalg.blas.cblas_h
#define __OFF_T_MATCHES_OFF64_T 1
__off64_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __off64_t
__overflow(MemorySegment, int) - Static method in class smile.linalg.blas.cblas_h
extern int __overflow(FILE *, int)
__overflow$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int __overflow(FILE *, int)
__overflow$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int __overflow(FILE *, int)
__overflow$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int __overflow(FILE *, int)
__PDP_ENDIAN() - Static method in class smile.linalg.blas.cblas_h
#define __PDP_ENDIAN 3412
__pid_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __pid_t
__quad_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __quad_t
__rlim_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __rlim_t
__RLIM_T_MATCHES_RLIM64_T() - Static method in class smile.linalg.blas.cblas_h
#define __RLIM_T_MATCHES_RLIM64_T 1
__rlim64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __rlim64_t
__sched_cpualloc(long) - Static method in class smile.linalg.blas.cblas_h
extern cpu_set_t *__sched_cpualloc(size_t __count)
__sched_cpualloc$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern cpu_set_t *__sched_cpualloc(size_t __count)
__sched_cpualloc$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern cpu_set_t *__sched_cpualloc(size_t __count)
__sched_cpualloc$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern cpu_set_t *__sched_cpualloc(size_t __count)
__sched_cpucount(long, MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int __sched_cpucount(size_t __setsize, const cpu_set_t *__setp)
__sched_cpucount$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int __sched_cpucount(size_t __setsize, const cpu_set_t *__setp)
__sched_cpucount$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int __sched_cpucount(size_t __setsize, const cpu_set_t *__setp)
__sched_cpucount$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int __sched_cpucount(size_t __setsize, const cpu_set_t *__setp)
__sched_cpufree(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern void __sched_cpufree(cpu_set_t *__set)
__sched_cpufree$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern void __sched_cpufree(cpu_set_t *__set)
__sched_cpufree$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern void __sched_cpufree(cpu_set_t *__set)
__sched_cpufree$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern void __sched_cpufree(cpu_set_t *__set)
__sig_atomic_t - Static variable in class smile.linalg.blas.cblas_h
typedef int __sig_atomic_t
__socklen_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __socklen_t
__ssize_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __ssize_t
__STATFS_MATCHES_STATFS64() - Static method in class smile.linalg.blas.cblas_h
#define __STATFS_MATCHES_STATFS64 1
__STDC_IEC_559__() - Static method in class smile.linalg.blas.cblas_h
#define __STDC_IEC_559__ 1
__STDC_IEC_559_COMPLEX__() - Static method in class smile.linalg.blas.cblas_h
#define __STDC_IEC_559_COMPLEX__ 1
__STDC_IEC_60559_BFP__() - Static method in class smile.linalg.blas.cblas_h
#define __STDC_IEC_60559_BFP__ 201404
__STDC_IEC_60559_COMPLEX__() - Static method in class smile.linalg.blas.cblas_h
#define __STDC_IEC_60559_COMPLEX__ 201404
__STDC_ISO_10646__() - Static method in class smile.linalg.blas.cblas_h
#define __STDC_ISO_10646__ 201706
__struct_FILE_defined() - Static method in class smile.linalg.blas.cblas_h
#define __struct_FILE_defined 1
__suseconds_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __suseconds_t
__suseconds64_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __suseconds64_t
__syscall_slong_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __syscall_slong_t
__syscall_ulong_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __syscall_ulong_t
__SYSCALL_WORDSIZE() - Static method in class smile.linalg.blas.cblas_h
#define __SYSCALL_WORDSIZE 64
__time_t - Static variable in class smile.linalg.blas.cblas_h
typedef long __time_t
__time_t_defined() - Static method in class smile.linalg.blas.cblas_h
#define __time_t_defined 1
__timer_t - Static variable in class smile.linalg.blas.cblas_h
typedef void *__timer_t
__TIMESIZE() - Static method in class smile.linalg.blas.cblas_h
#define __TIMESIZE 64
__u_char - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned char __u_char
__u_int - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __u_int
__u_long - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __u_long
__u_quad_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __u_quad_t
__u_short - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned short __u_short
__uflow(MemorySegment) - Static method in class smile.linalg.blas.cblas_h
extern int __uflow(FILE *)
__uflow$address() - Static method in class smile.linalg.blas.cblas_h
Address for:
extern int __uflow(FILE *)
__uflow$descriptor() - Static method in class smile.linalg.blas.cblas_h
Function descriptor for:
extern int __uflow(FILE *)
__uflow$handle() - Static method in class smile.linalg.blas.cblas_h
Downcall method handle for:
extern int __uflow(FILE *)
__uid_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __uid_t
__uint_least16_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint16_t __uint_least16_t
__uint_least32_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint32_t __uint_least32_t
__uint_least64_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint64_t __uint_least64_t
__uint_least8_t - Static variable in class smile.linalg.blas.cblas_h
typedef __uint8_t __uint_least8_t
__uint16_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned short __uint16_t
__uint32_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __uint32_t
__uint64_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __uint64_t
__uint8_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned char __uint8_t
__uintmax_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned long __uintmax_t
__USE_ATFILE() - Static method in class smile.linalg.blas.cblas_h
#define __USE_ATFILE 1
__USE_FORTIFY_LEVEL() - Static method in class smile.linalg.blas.cblas_h
#define __USE_FORTIFY_LEVEL 0
__USE_ISOC11() - Static method in class smile.linalg.blas.cblas_h
#define __USE_ISOC11 1
__USE_ISOC95() - Static method in class smile.linalg.blas.cblas_h
#define __USE_ISOC95 1
__USE_ISOC99() - Static method in class smile.linalg.blas.cblas_h
#define __USE_ISOC99 1
__USE_MISC() - Static method in class smile.linalg.blas.cblas_h
#define __USE_MISC 1
__USE_POSIX() - Static method in class smile.linalg.blas.cblas_h
#define __USE_POSIX 1
__USE_POSIX_IMPLICITLY() - Static method in class smile.linalg.blas.cblas_h
#define __USE_POSIX_IMPLICITLY 1
__USE_POSIX199309() - Static method in class smile.linalg.blas.cblas_h
#define __USE_POSIX199309 1
__USE_POSIX199506() - Static method in class smile.linalg.blas.cblas_h
#define __USE_POSIX199506 1
__USE_POSIX2() - Static method in class smile.linalg.blas.cblas_h
#define __USE_POSIX2 1
__USE_XOPEN2K() - Static method in class smile.linalg.blas.cblas_h
#define __USE_XOPEN2K 1
__USE_XOPEN2K8() - Static method in class smile.linalg.blas.cblas_h
#define __USE_XOPEN2K8 1
__useconds_t - Static variable in class smile.linalg.blas.cblas_h
typedef unsigned int __useconds_t
__WCHAR_MAX() - Static method in class smile.linalg.blas.cblas_h
#define __WCHAR_MAX 2147483647
__WCHAR_MIN() - Static method in class smile.linalg.blas.cblas_h
#define __WCHAR_MIN -2147483648
__WORDSIZE() - Static method in class smile.linalg.blas.cblas_h
#define __WORDSIZE 64
__WORDSIZE_TIME64_COMPAT32() - Static method in class smile.linalg.blas.cblas_h
#define __WORDSIZE_TIME64_COMPAT32 1
_1() - Method in record class smile.util.IntPair
Returns the value of the _1 record component.
_1() - Method in record class smile.util.Tuple2
Returns the value of the _1 record component.
_2() - Method in record class smile.util.IntPair
Returns the value of the _2 record component.
_2() - Method in record class smile.util.Tuple2
Returns the value of the _2 record component.
_ATFILE_SOURCE() - Static method in class smile.linalg.blas.cblas_h
#define _ATFILE_SOURCE 1
_BITS_CPU_SET_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_CPU_SET_H 1
_BITS_ENDIAN_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_ENDIAN_H 1
_BITS_ENDIANNESS_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_ENDIANNESS_H 1
_BITS_SCHED_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_SCHED_H 1
_BITS_STDINT_INTN_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_STDINT_INTN_H 1
_BITS_STDINT_UINTN_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_STDINT_UINTN_H 1
_BITS_STDIO_LIM_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_STDIO_LIM_H 1
_BITS_TIME64_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_TIME64_H 1
_BITS_TYPES_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_TYPES_H 1
_BITS_TYPES_STRUCT_SCHED_PARAM() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_TYPES_STRUCT_SCHED_PARAM 1
_BITS_TYPESIZES_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_TYPESIZES_H 1
_BITS_WCHAR_H() - Static method in class smile.linalg.blas.cblas_h
#define _BITS_WCHAR_H 1
_COMPLEX_H() - Static method in class smile.linalg.blas.cblas_h
#define _COMPLEX_H 1
_Complex_I() - Static method in class smile.linalg.blas.cblas_h
#define _Complex_I 0
_DEFAULT_SOURCE() - Static method in class smile.linalg.blas.cblas_h
#define _DEFAULT_SOURCE 1
_FEATURES_H() - Static method in class smile.linalg.blas.cblas_h
#define _FEATURES_H 1
_Float32 - Static variable in class smile.linalg.blas.cblas_h
typedef float _Float32
_Float32x - Static variable in class smile.linalg.blas.cblas_h
typedef double _Float32x
_Float64 - Static variable in class smile.linalg.blas.cblas_h
typedef double _Float64
_IO_EOF_SEEN() - Static method in class smile.linalg.blas.cblas_h
#define _IO_EOF_SEEN 16
_IO_ERR_SEEN() - Static method in class smile.linalg.blas.cblas_h
#define _IO_ERR_SEEN 32
_IO_USER_LOCK() - Static method in class smile.linalg.blas.cblas_h
#define _IO_USER_LOCK 32768
_IOFBF() - Static method in class smile.linalg.blas.cblas_h
#define _IOFBF 0
_IOLBF() - Static method in class smile.linalg.blas.cblas_h
#define _IOLBF 1
_IONBF() - Static method in class smile.linalg.blas.cblas_h
#define _IONBF 2
_POSIX_C_SOURCE() - Static method in class smile.linalg.blas.cblas_h
#define _POSIX_C_SOURCE 200809
_POSIX_SOURCE() - Static method in class smile.linalg.blas.cblas_h
#define _POSIX_SOURCE 1
_SCHED_H() - Static method in class smile.linalg.blas.cblas_h
#define _SCHED_H 1
_STDC_PREDEF_H() - Static method in class smile.linalg.blas.cblas_h
#define _STDC_PREDEF_H 1
_STDINT_H() - Static method in class smile.linalg.blas.cblas_h
#define _STDINT_H 1
_STDIO_H() - Static method in class smile.linalg.blas.cblas_h
#define _STDIO_H 1
_STRUCT_TIMESPEC() - Static method in class smile.linalg.blas.cblas_h
#define _STRUCT_TIMESPEC 1
_SYS_CDEFS_H() - Static method in class smile.linalg.blas.cblas_h
#define _SYS_CDEFS_H 1
$ A B C D E F G H I J K L M N O P Q R S T U V W X Y Z _ 
All Classes and Interfaces|All Packages|Constant Field Values|Serialized Form