Index
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
Abalonerecord 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
accessorrecord component. - accuracy() - Method in record class smile.validation.ClassificationMetrics
-
Returns the value of the
accuracyrecord 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
activationrecord 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 + bexpression. - 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
Aileronsrecord 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
AlgoStatusrecord 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
alpharecord component. - alpha() - Method in record class smile.regression.ElasticNet.Options
-
Returns the value of the
alpharecord component. - alpha() - Method in record class smile.regression.LASSO.Options
-
Returns the value of the
alpharecord 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
alpharecord 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
AlphaIconrecord 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
afterfunction 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
antecedentrecord 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
arrayrecord 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
asrecord 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
AssociationRulerecord 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' * AorA * 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
aucrecord 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
AutoMPGrecord 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
avgrecord component. - avg() - Method in record class smile.validation.RegressionValidations
-
Returns the value of the
avgrecord 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
Bagrecord 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
Bank32nhrecord 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
betarecord component. - beta() - Method in record class smile.regression.LASSO.Options
-
Returns the value of the
betarecord 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
beta0record 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
biasrecord 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
BitcoinPricerecord 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
blockrecord 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
BostonHousingrecord 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
breaksrecord 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
BreastCancerrecord 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
Bytesrecord 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
Crecord component. - C() - Method in record class smile.regression.SVM.Options
-
Returns the value of the
Crecord 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
CalHousingrecord 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
categoricalrecord 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
centersrecord 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
CentroidClusteringrecord 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
chisqrecord 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
ChiSqTestrecord 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
ClassificationMetricsrecord 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
ClassificationValidationrecord 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
ClassificationValidationsrecord 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
classWeightrecord 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
ColonCancerrecord 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
columnsrecord 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
CompletionPredictionrecord class. - completionTokens() - Method in record class smile.llm.CompletionPrediction
-
Returns the value of the
completionTokensrecord component. - Complex - Record Class in smile.math
-
Complex number.
- Complex(double, double) - Constructor for record class smile.math.Complex
-
Creates an instance of a
Complexrecord 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
Componentrecord class. - Component(double, Distribution) - Constructor for record class smile.stat.distribution.Mixture.Component
-
Creates an instance of a
Componentrecord class. - Component(double, MultivariateDistribution) - Constructor for record class smile.stat.distribution.MultivariateMixture.Component
-
Creates an instance of a
Componentrecord 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
componentsrecord 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
beforefunction 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
confidencerecord 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
conformalrecord component. - confusion() - Method in record class smile.validation.ClassificationValidation
-
Returns the value of the
confusionrecord 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
ConfusionMatrixrecord 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
consequentrecord 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
contentrecord component. - content() - Method in record class smile.llm.Message
-
Returns the value of the
contentrecord 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
contrastrecord component. - controller() - Method in record class smile.classification.AdaBoost.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.classification.GradientTreeBoost.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.classification.RandomForest.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.clustering.Clustering.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.clustering.DeterministicAnnealing.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.clustering.MEC.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.clustering.SpectralClustering.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.manifold.SammonMapping.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.manifold.TSNE.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.regression.GradientTreeBoost.Options
-
Returns the value of the
controllerrecord component. - controller() - Method in record class smile.regression.RandomForest.Options
-
Returns the value of the
controllerrecord 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
coordinatesrecord 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
coordinatesrecord component. - coordinates() - Method in record class smile.manifold.SammonMapping
-
Returns the value of the
coordinatesrecord component. - coordinates() - Method in record class smile.manifold.TSNE
-
Returns the value of the
coordinatesrecord 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
correcord 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
CorTestrecord 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
costrecord 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
CPUrecord 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
CramerVrecord 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
crossEntropyrecord 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
drecord component. - d() - Method in record class smile.manifold.IsotonicMDS.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.KPCA.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.LaplacianEigenmap.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.LLE.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.MDS.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.SammonMapping.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.TSNE.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.manifold.UMAP.Options
-
Returns the value of the
drecord component. - d() - Method in record class smile.stat.hypothesis.KSTest
-
Returns the value of the
drecord 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
datarecord component. - data() - Method in record class smile.datasets.AutoMPG
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Bank32nh
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.BitcoinPrice
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.BostonHousing
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.BreastCancer
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.CalHousing
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.CPU
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Default
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Diabetes
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Eurodist
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Iris
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Kin8nm
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.LibrasMovement
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Longley
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.MNIST
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.PenDigits
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Planes2D
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Puma8NH
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.SwissRoll
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.SyntheticControl
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.USArrests
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.Weather
-
Returns the value of the
datarecord component. - data() - Method in record class smile.datasets.WeatherNominal
-
Returns the value of the
datarecord component. - data() - Method in record class smile.deep.SampleBatch
-
Returns the value of the
datarecord 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
Defaultrecord 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
dfrecord 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
dfrecord component. - df() - Method in record class smile.stat.hypothesis.CorTest
-
Returns the value of the
dfrecord component. - df() - Method in record class smile.stat.hypothesis.TTest
-
Returns the value of the
dfrecord 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
df1record component. - df2() - Method in record class smile.stat.hypothesis.FTest
-
Returns the value of the
df2record 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
Diabetesrecord 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
dilationrecord 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
dimrecord 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
distancerecord component. - distance() - Method in record class smile.neighbor.Neighbor
-
Returns the value of the
distancerecord 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
distancesrecord 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
distortionsrecord component. - distribution() - Method in record class smile.stat.distribution.DiscreteMixture.Component
-
Returns the value of the
distributionrecord component. - distribution() - Method in record class smile.stat.distribution.Mixture.Component
-
Returns the value of the
distributionrecord component. - distribution() - Method in record class smile.stat.distribution.MultivariateMixture.Component
-
Returns the value of the
distributionrecord 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 / bexpression. - 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
dtyperecord 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
earlyExaggerationrecord 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
Edgerecord 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
Entryrecord class. - Entry(int, int) - Constructor for record class smile.util.SparseIntArray.Entry
-
Creates an instance of a
Entryrecord 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
epochsrecord component. - epochs() - Method in record class smile.manifold.UMAP.Options
-
Returns the value of the
epochsrecord component. - eps() - Method in record class smile.regression.SVM.Options
-
Returns the value of the
epsrecord 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
errorrecord 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
etarecord component. - eta() - Method in record class smile.regression.ElasticNet.Options
-
Returns the value of the
etarecord component. - eta() - Method in record class smile.regression.LASSO.Options
-
Returns the value of the
etarecord 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
Eurodistrecord 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
EVDrecord 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
expandRatiorecord component. - expm1(String) - Static method in interface smile.data.formula.Terms
-
The
exp(x) - 1term. - expm1(Term) - Static method in interface smile.data.formula.Terms
-
The
exp(x) - 1term. - 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
extensionLevelrecord 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
frecord 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
f1record 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
featurerecord component. - feature() - Method in record class smile.feature.selection.InformationValue
-
Returns the value of the
featurerecord component. - feature() - Method in record class smile.feature.selection.SignalNoiseRatio
-
Returns the value of the
featurerecord component. - feature() - Method in record class smile.feature.selection.SumSquaresRatio
-
Returns the value of the
featurerecord 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
ffnDimMultiplierrecord 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
fieldrecord 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
fieldrecord component. - field() - Method in record class smile.plot.vega.WindowTransformField
-
Returns the value of the
fieldrecord 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
fieldsrecord 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
finalMomentumrecord 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
fittedValuesrecord 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
fitTimerecord component. - fitTime() - Method in record class smile.validation.RegressionMetrics
-
Returns the value of the
fitTimerecord 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
FontChooserclass is a swing component for font selection withJFileChooser-like APIs. - FontChooser() - Constructor for class smile.swing.FontChooser
-
Constructs a
FontChooserobject. - FontChooser(String[]) - Constructor for class smile.swing.FontChooser
-
Constructs a
FontChooserobject 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
formularecord component. - formula() - Method in record class smile.datasets.Ailerons
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.AutoMPG
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Bank32nh
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.BostonHousing
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.BreastCancer
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.CalHousing
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.CPU
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Default
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Diabetes
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.ImageSegmentation
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Iris
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Kin8nm
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.LibrasMovement
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Longley
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.MNIST
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.PenDigits
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Planes2D
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.ProstateCancer
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Puma8NH
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.USPS
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.Weather
-
Returns the value of the
formularecord component. - formula() - Method in record class smile.datasets.WeatherNominal
-
Returns the value of the
formularecord 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
FRegressionrecord 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
FTestrecord 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
GaussianMixturerecord 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